├── Final Report.pdf ├── Datasets ├── pred_headlines_2014.txt ├── en-test.txt ├── OnWN_2012.test.txt └── headlines_2014.test.txt ├── README.md └── code ├── word_2_vec.ipynb ├── word2vec_semantic.ipynb ├── simple_baseline.ipynb ├── STS_cca-wmd_headline_2014.ipynb └── STS_cca-Copy1.ipynb /Final Report.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Sahrawat1/Semantic-Textual-Similarity/HEAD/Final Report.pdf -------------------------------------------------------------------------------- /Datasets/pred_headlines_2014.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Sahrawat1/Semantic-Textual-Similarity/HEAD/Datasets/pred_headlines_2014.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # Semantic-Textual-Similarity 2 | Abstract 3 | Semantic Textual Similarity (STS) measures the meaning similarity of sentences. Applications of this task include machine translation, summarization, text generation, question answering, short answer grading, semantic search, dialogue and conversational systems.we have use unsupervised method CCA(Canonical correlation Analysis)using cosine similarity and WMD(word movers distance). 4 | -------------------------------------------------------------------------------- /code/word_2_vec.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 8, 6 | "metadata": {}, 7 | "outputs": [], 8 | "source": [ 9 | "import numpy as np" 10 | ] 11 | }, 12 | { 13 | "cell_type": "code", 14 | "execution_count": 1, 15 | "metadata": {}, 16 | "outputs": [ 17 | { 18 | "name": "stderr", 19 | "output_type": "stream", 20 | "text": [ 21 | "C:\\Users\\lappy\\Anaconda21\\lib\\site-packages\\gensim\\utils.py:1197: UserWarning: detected Windows; aliasing chunkize to chunkize_serial\n", 22 | " warnings.warn(\"detected Windows; aliasing chunkize to chunkize_serial\")\n" 23 | ] 24 | } 25 | ], 26 | "source": [ 27 | "from gensim.models import KeyedVectors" 28 | ] 29 | }, 30 | { 31 | "cell_type": "code", 32 | "execution_count": 2, 33 | "metadata": {}, 34 | "outputs": [ 35 | { 36 | "name": "stderr", 37 | "output_type": "stream", 38 | "text": [ 39 | "C:\\Users\\lappy\\Anaconda21\\lib\\site-packages\\smart_open\\smart_open_lib.py:398: UserWarning: This function is deprecated, use smart_open.open instead. See the migration notes for details: https://github.com/RaRe-Technologies/smart_open/blob/master/README.rst#migrating-to-the-new-open-function\n", 40 | " 'See the migration notes for details: %s' % _MIGRATION_NOTES_URL\n" 41 | ] 42 | } 43 | ], 44 | "source": [ 45 | "vecfile = 'GoogleNews-vectors-negative300.bin'\n", 46 | "vecs = KeyedVectors.load_word2vec_format(vecfile, binary=True)\n" 47 | ] 48 | }, 49 | { 50 | "cell_type": "code", 51 | "execution_count": 3, 52 | "metadata": {}, 53 | "outputs": [], 54 | "source": [ 55 | "def compute_cosine_similarity(vector1, vector2):\n", 56 | " \n", 57 | " cos = vector1.dot(vector2) / (np.linalg.norm(vector1, ord=2) * np.linalg.norm(vector2, ord=2))\n", 58 | " if np.isnan(cos):\n", 59 | " return 0.500 # arbitrarily low semantic similarity\n", 60 | " else:\n", 61 | " return cos" 62 | ] 63 | }, 64 | { 65 | "cell_type": "code", 66 | "execution_count": 4, 67 | "metadata": {}, 68 | "outputs": [], 69 | "source": [ 70 | "def w2v_semantic_sim(input, vecs, output):\n", 71 | " write_str = []\n", 72 | " sims = []\n", 73 | " s_min = 1\n", 74 | " s_max = 0\n", 75 | "\n", 76 | " for line in input:\n", 77 | " line_components = line.split(\"\\t\")\n", 78 | " sent1 = line_components[0]\n", 79 | " sent2 = line_components[1]\n", 80 | " words_in_sent1 = sent1.split()\n", 81 | " words_in_sent2 = sent2.split()\n", 82 | " v1 = np.zeros(vecs[\"hi\"].shape)\n", 83 | " for word in words_in_sent1:\n", 84 | " if word in vecs:\n", 85 | " v1 = v1 + np.asarray(vecs[word])\n", 86 | "\n", 87 | " v2 = np.zeros(vecs[\"hi\"].shape)\n", 88 | " for word in words_in_sent2:\n", 89 | " if word in vecs:\n", 90 | " v2 = v2 + np.asarray(vecs[word])\n", 91 | "\n", 92 | " sim = compute_cosine_similarity(v1, v2)\n", 93 | "\n", 94 | " write_str.append(sent1 + \"\\t\" + sent2 + \"\\t\")\n", 95 | " sims.append(sim)\n", 96 | "\n", 97 | " s_max = max(s_max, sim)\n", 98 | " s_min = min(s_min, sim)\n", 99 | "\n", 100 | " sims_scaled = [5*(i - s_min)/(s_max - s_min) for i in sims]\n", 101 | " for i in range(0,len(write_str)):\n", 102 | " output.write(write_str[i] + str(sims_scaled[i]) + \"\\n\")\n" 103 | ] 104 | }, 105 | { 106 | "cell_type": "code", 107 | "execution_count": 9, 108 | "metadata": {}, 109 | "outputs": [], 110 | "source": [ 111 | "with open('en-test.txt', 'r') as inputfile:\n", 112 | " input = inputfile.readlines()\n", 113 | " \n", 114 | "output_simple = open(\"pred_simple.txt\", \"w\")\n", 115 | "\n", 116 | "w2v_semantic_sim(input, vecs, output_simple)\n", 117 | "output_simple.close()" 118 | ] 119 | }, 120 | { 121 | "cell_type": "code", 122 | "execution_count": null, 123 | "metadata": {}, 124 | "outputs": [], 125 | "source": [] 126 | } 127 | ], 128 | "metadata": { 129 | "kernelspec": { 130 | "display_name": "Python 2", 131 | "language": "python", 132 | "name": "python2" 133 | }, 134 | "language_info": { 135 | "codemirror_mode": { 136 | "name": "ipython", 137 | "version": 2 138 | }, 139 | "file_extension": ".py", 140 | "mimetype": "text/x-python", 141 | "name": "python", 142 | "nbconvert_exporter": "python", 143 | "pygments_lexer": "ipython2", 144 | "version": "2.7.16" 145 | } 146 | }, 147 | "nbformat": 4, 148 | "nbformat_minor": 2 149 | } 150 | -------------------------------------------------------------------------------- /code/word2vec_semantic.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": null, 6 | "metadata": {}, 7 | "outputs": [], 8 | "source": [ 9 | "import numpy as np\n", 10 | "from scipy.stats import pearsonr" 11 | ] 12 | }, 13 | { 14 | "cell_type": "code", 15 | "execution_count": 4, 16 | "metadata": {}, 17 | "outputs": [ 18 | { 19 | "name": "stderr", 20 | "output_type": "stream", 21 | "text": [ 22 | "C:\\Users\\lappy\\Anaconda21\\lib\\site-packages\\gensim\\utils.py:1197: UserWarning: detected Windows; aliasing chunkize to chunkize_serial\n", 23 | " warnings.warn(\"detected Windows; aliasing chunkize to chunkize_serial\")\n" 24 | ] 25 | } 26 | ], 27 | "source": [ 28 | "from gensim.models import KeyedVectors" 29 | ] 30 | }, 31 | { 32 | "cell_type": "code", 33 | "execution_count": 5, 34 | "metadata": {}, 35 | "outputs": [], 36 | "source": [ 37 | "def compute_cosine_similarity(vector1, vector2):\n", 38 | " \n", 39 | " \n", 40 | " cos=vector1.dot(vector2)/(np.linalg.norm(vector1, ord=2) * np.linalg.norm(vector2, ord=2))\n", 41 | " \n", 42 | " if np.isnan(cos):\n", 43 | " return 0.500 # arbitrarily low similarity\n", 44 | " else:\n", 45 | " return cos\n", 46 | " " 47 | ] 48 | }, 49 | { 50 | "cell_type": "code", 51 | "execution_count": 12, 52 | "metadata": {}, 53 | "outputs": [], 54 | "source": [ 55 | "def w2v_semantic_sim(inpu, vecs, output):\n", 56 | " \n", 57 | " write_str=[]\n", 58 | " sims =[]\n", 59 | " s_min =1\n", 60 | " s_max =0\n", 61 | " original_value=[]\n", 62 | " \n", 63 | " \n", 64 | " for line in inpu:\n", 65 | " line_components = line.split(\"\\t\")\n", 66 | " sent1 = line_components[0]\n", 67 | " sent2 = line_components[1]\n", 68 | " original_value.append(line_components[2])\n", 69 | " \n", 70 | " words_in_sent1 = sent1.split()\n", 71 | " words_in_sent2 = sent2.split()\n", 72 | " \n", 73 | " \n", 74 | " v1 = np.zeros(vecs[\"hi\"].shape)\n", 75 | " v2 = np.zeros(vecs[\"hi\"].shape)\n", 76 | " \n", 77 | " for word in words_in_sent1:\n", 78 | " if word in vecs:\n", 79 | " v1 =v1+np.asarray(vecs[word])\n", 80 | " \n", 81 | " \n", 82 | " for word in words_in_sent2:\n", 83 | " if word in vecs:\n", 84 | " v2 =v2+np.asarray(vecs[word])\n", 85 | " \n", 86 | " \n", 87 | " \n", 88 | " sim = compute_cosine_similarity(v1, v2)\n", 89 | " \n", 90 | " write_str.append(sent1 + \"\\t\" + sent2 + \"\\t\")\n", 91 | " sims.append(sim)\n", 92 | " \n", 93 | " s_max = max(s_max, sim)\n", 94 | " s_min = min(s_min, sim)\n", 95 | " \n", 96 | "\n", 97 | " sims_scaled = [5*(i - s_min)/(s_max - s_min) for i in sims]\n", 98 | " \n", 99 | " for i in range(len(write_str)):\n", 100 | " output.write(write_str[i] + str(sims_scaled[i]) + \"\\n\")\n", 101 | " sims_scaled[i] = float(sims_scaled[i])\n", 102 | " original_value[i] = float(original_value[i])\n", 103 | " \n", 104 | " \n", 105 | " cov = pearsonr(sims_scaled,original_value)\n", 106 | " print(cov)\n", 107 | " \n", 108 | "\n", 109 | " \n", 110 | " \n", 111 | " " 112 | ] 113 | }, 114 | { 115 | "cell_type": "code", 116 | "execution_count": null, 117 | "metadata": {}, 118 | "outputs": [], 119 | "source": [ 120 | "vecfile = 'GoogleNews-vectors-negative300.bin'\n", 121 | "vecs = KeyedVectors.load_word2vec_format(vecfile, binary =True)\n", 122 | "\n", 123 | "with open('en-test.txt', 'r') as inputfile:\n", 124 | " inpu = inputfile.readlines()\n", 125 | " \n", 126 | " \n", 127 | "output_w2v = open(\"pred_simple.txt\", 'w')\n", 128 | "\n", 129 | "w2v_semantic_sim(inpu, vecs, output_w2v)\n", 130 | "\n", 131 | "output_w2v.close()\n", 132 | "\n", 133 | "\n", 134 | "\n", 135 | "\n", 136 | "\n" 137 | ] 138 | }, 139 | { 140 | "cell_type": "code", 141 | "execution_count": null, 142 | "metadata": {}, 143 | "outputs": [], 144 | "source": [] 145 | } 146 | ], 147 | "metadata": { 148 | "kernelspec": { 149 | "display_name": "Python 2", 150 | "language": "python", 151 | "name": "python2" 152 | }, 153 | "language_info": { 154 | "codemirror_mode": { 155 | "name": "ipython", 156 | "version": 2 157 | }, 158 | "file_extension": ".py", 159 | "mimetype": "text/x-python", 160 | "name": "python", 161 | "nbconvert_exporter": "python", 162 | "pygments_lexer": "ipython2", 163 | "version": "2.7.16" 164 | } 165 | }, 166 | "nbformat": 4, 167 | "nbformat_minor": 2 168 | } 169 | -------------------------------------------------------------------------------- /code/simple_baseline.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 1, 6 | "metadata": {}, 7 | "outputs": [], 8 | "source": [ 9 | "import numpy as np\n", 10 | "import pandas as pd\n", 11 | "from scipy.stats import pearsonr" 12 | ] 13 | }, 14 | { 15 | "cell_type": "code", 16 | "execution_count": 2, 17 | "metadata": {}, 18 | "outputs": [], 19 | "source": [ 20 | "from collections import Counter" 21 | ] 22 | }, 23 | { 24 | "cell_type": "code", 25 | "execution_count": 3, 26 | "metadata": {}, 27 | "outputs": [], 28 | "source": [ 29 | "def compute_cosine_similarity(vector1, vector2):\n", 30 | " \n", 31 | " \n", 32 | " cos=vector1.dot(vector2)/(np.linalg.norm(vector1, ord=2) * np.linalg.norm(vector2, ord=2))\n", 33 | " \n", 34 | " if np.isnan(cos):\n", 35 | " return 0.500 # arbitrarily low similarity\n", 36 | " else:\n", 37 | " return cos\n", 38 | " " 39 | ] 40 | }, 41 | { 42 | "cell_type": "code", 43 | "execution_count": 4, 44 | "metadata": {}, 45 | "outputs": [], 46 | "source": [ 47 | "def simple_baseline(inpu , output):\n", 48 | " write_str = []\n", 49 | " sims = []\n", 50 | " s_min = 1\n", 51 | " s_max = 0\n", 52 | " original_value=[]\n", 53 | " \n", 54 | " \n", 55 | " for line in inpu:\n", 56 | " line_components = line.split(\"\\t\")\n", 57 | " \n", 58 | " # sen1 and sent2 are strings \n", 59 | " sent1 = line_components[0]\n", 60 | " sent2 = line_components[1]\n", 61 | " original_value.append(line_components[2])\n", 62 | " \n", 63 | " # splits the string, now word_in_sent is a list of strings\n", 64 | " words_in_sent1 = sent1.split()\n", 65 | " words_in_sent2 = sent2.split()\n", 66 | " \n", 67 | " # a unique list of all the words in two sentences to be compared\n", 68 | " tf_idf = []\n", 69 | " \n", 70 | " # will contain each word and corresponding occurences\n", 71 | " tf_idf1 = Counter()\n", 72 | " tf_idf2 = Counter()\n", 73 | " \n", 74 | " \n", 75 | " \n", 76 | " for word in words_in_sent1:\n", 77 | " if word not in tf_idf:\n", 78 | " tf_idf.append(word)\n", 79 | " \n", 80 | " tf_idf1[word]+=1\n", 81 | " \n", 82 | " \n", 83 | " for word in words_in_sent2:\n", 84 | " if word not in tf_idf:\n", 85 | " tf_idf.append(word)\n", 86 | " \n", 87 | " tf_idf2[word]+=1\n", 88 | " \n", 89 | " \n", 90 | " \n", 91 | " n = len(tf_idf)\n", 92 | " v1 = np.zeros(n)\n", 93 | " v2 = np.zeros(n)\n", 94 | " \n", 95 | " for i in range(n):\n", 96 | " v1[i] = tf_idf1[tf_idf[i]]\n", 97 | " v2[i] = tf_idf2[tf_idf[i]]\n", 98 | " \n", 99 | " sim = compute_cosine_similarity(v1, v2)\n", 100 | " \n", 101 | " write_str.append(sent1 + \"\\t\" + sent2 + \"\\t\")\n", 102 | " sims.append(sim)\n", 103 | " \n", 104 | " s_max = max(s_max, sim)\n", 105 | " s_min = min(s_min, sim)\n", 106 | " \n", 107 | " \n", 108 | " #??? is this reliable or apply another approach\n", 109 | " sims_scaled = [5*(i-s_min)/(s_max - s_min) for i in sims]\n", 110 | " \n", 111 | " for i in range(len(write_str)):\n", 112 | " output.write(write_str[i]+str(sims_scaled[i]) + \"\\n\")\n", 113 | " \n", 114 | " sims_scaled[i] = float(sims_scaled[i])\n", 115 | " original_value[i] = float(original_value[i])\n", 116 | " \n", 117 | " #a = pd.Series(sims_scaled)\n", 118 | " #b = pd.Series(original_value)\n", 119 | " \n", 120 | " covariance = pearsonr(sims_scaled,original_value)\n", 121 | " print(covariance)" 122 | ] 123 | }, 124 | { 125 | "cell_type": "code", 126 | "execution_count": 5, 127 | "metadata": {}, 128 | "outputs": [ 129 | { 130 | "name": "stdout", 131 | "output_type": "stream", 132 | "text": [ 133 | "(0.669820456317037, 6.490545890402299e-34)\n" 134 | ] 135 | } 136 | ], 137 | "source": [ 138 | "with open('en-test.txt', 'r') as inputfile:\n", 139 | " inpu = inputfile.readlines()\n", 140 | " \n", 141 | "output_simple = open(\"pred_simple.txt\", 'w')\n", 142 | " \n", 143 | "simple_baseline(inpu, output_simple)\n", 144 | " \n", 145 | "output_simple.close()\n" 146 | ] 147 | }, 148 | { 149 | "cell_type": "code", 150 | "execution_count": null, 151 | "metadata": {}, 152 | "outputs": [], 153 | "source": [] 154 | }, 155 | { 156 | "cell_type": "code", 157 | "execution_count": null, 158 | "metadata": {}, 159 | "outputs": [], 160 | "source": [] 161 | } 162 | ], 163 | "metadata": { 164 | "kernelspec": { 165 | "display_name": "Python 3", 166 | "language": "python", 167 | "name": "python3" 168 | }, 169 | "language_info": { 170 | "codemirror_mode": { 171 | "name": "ipython", 172 | "version": 3 173 | }, 174 | "file_extension": ".py", 175 | "mimetype": "text/x-python", 176 | "name": "python", 177 | "nbconvert_exporter": "python", 178 | "pygments_lexer": "ipython3", 179 | "version": "3.7.3" 180 | } 181 | }, 182 | "nbformat": 4, 183 | "nbformat_minor": 2 184 | } 185 | -------------------------------------------------------------------------------- /code/STS_cca-wmd_headline_2014.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 1, 6 | "metadata": {}, 7 | "outputs": [], 8 | "source": [ 9 | "from pyemd import emd" 10 | ] 11 | }, 12 | { 13 | "cell_type": "code", 14 | "execution_count": 2, 15 | "metadata": {}, 16 | "outputs": [], 17 | "source": [ 18 | "import numpy as np\n", 19 | "from gensim.models import KeyedVectors\n", 20 | "from sklearn.cross_decomposition import CCA" 21 | ] 22 | }, 23 | { 24 | "cell_type": "code", 25 | "execution_count": 3, 26 | "metadata": {}, 27 | "outputs": [], 28 | "source": [ 29 | "vecfile = 'GoogleNews-vectors-negative300.bin.gz'\n", 30 | "vecs = KeyedVectors.load_word2vec_format(vecfile, binary =True)\n", 31 | "vecs.init_sims(replace=True)" 32 | ] 33 | }, 34 | { 35 | "cell_type": "code", 36 | "execution_count": 4, 37 | "metadata": {}, 38 | "outputs": [ 39 | { 40 | "name": "stderr", 41 | "output_type": "stream", 42 | "text": [ 43 | "[nltk_data] Downloading package punkt to\n", 44 | "[nltk_data] C:\\Users\\mailt\\AppData\\Roaming\\nltk_data...\n", 45 | "[nltk_data] Package punkt is already up-to-date!\n", 46 | "[nltk_data] Downloading package stopwords to\n", 47 | "[nltk_data] C:\\Users\\mailt\\AppData\\Roaming\\nltk_data...\n", 48 | "[nltk_data] Package stopwords is already up-to-date!\n" 49 | ] 50 | }, 51 | { 52 | "data": { 53 | "text/plain": [ 54 | "True" 55 | ] 56 | }, 57 | "execution_count": 4, 58 | "metadata": {}, 59 | "output_type": "execute_result" 60 | } 61 | ], 62 | "source": [ 63 | "import nltk\n", 64 | "nltk.download('punkt')\n", 65 | "nltk.download('stopwords')" 66 | ] 67 | }, 68 | { 69 | "cell_type": "code", 70 | "execution_count": 5, 71 | "metadata": {}, 72 | "outputs": [], 73 | "source": [ 74 | "import inflect\n", 75 | "import re\n", 76 | "from nltk.corpus import stopwords\n", 77 | "from scipy.stats import pearsonr" 78 | ] 79 | }, 80 | { 81 | "cell_type": "code", 82 | "execution_count": 6, 83 | "metadata": {}, 84 | "outputs": [], 85 | "source": [ 86 | "def remove_punctuation(words):\n", 87 | " new_words = []\n", 88 | " for word in words:\n", 89 | " new_word = re.sub(r'[^\\w\\s]', '', word)\n", 90 | " if new_word != '':\n", 91 | " new_words.append(new_word)\n", 92 | " return new_words\n", 93 | " \n", 94 | "def replace_numbers(words):\n", 95 | " p = inflect.engine()\n", 96 | " new_words =[]\n", 97 | " for word in words:\n", 98 | " if word.isdigit():\n", 99 | " new_word = p.number_to_words(word)\n", 100 | " new_words.append(new_word)\n", 101 | " else:\n", 102 | " new_words.append(word)\n", 103 | " return new_words \n", 104 | " \n", 105 | "def remove_stopwords(words):\n", 106 | " new_words = []\n", 107 | " for word in words:\n", 108 | " if word not in stopwords.words('english'):\n", 109 | " new_words.append(word)\n", 110 | " return new_words \n", 111 | " " 112 | ] 113 | }, 114 | { 115 | "cell_type": "code", 116 | "execution_count": 7, 117 | "metadata": {}, 118 | "outputs": [], 119 | "source": [ 120 | "def normalize(words):\n", 121 | " words = remove_punctuation(words)\n", 122 | " words = replace_numbers(words)\n", 123 | " words = remove_stopwords(words)\n", 124 | " return words" 125 | ] 126 | }, 127 | { 128 | "cell_type": "code", 129 | "execution_count": 8, 130 | "metadata": {}, 131 | "outputs": [], 132 | "source": [ 133 | "def compute_cosine_similarity(vector1, vector2):\n", 134 | " \n", 135 | " \n", 136 | " cos=vector1.dot(vector2)/(np.linalg.norm(vector1, ord=2) * np.linalg.norm(vector2, ord=2))\n", 137 | " \n", 138 | " if np.isnan(cos):\n", 139 | " return 0.500 # arbitrarily low similarity\n", 140 | " else:\n", 141 | " return cos\n", 142 | " " 143 | ] 144 | }, 145 | { 146 | "cell_type": "code", 147 | "execution_count": 10, 148 | "metadata": {}, 149 | "outputs": [], 150 | "source": [ 151 | "def cca_semantic(inpu, vecs, output):\n", 152 | " \n", 153 | " \n", 154 | " write_str = []\n", 155 | " \n", 156 | " wmd_dis = []\n", 157 | " \n", 158 | " original_value=[]\n", 159 | " \n", 160 | " \n", 161 | " for line in inpu:\n", 162 | " line_components = line.split(\"\\t\")\n", 163 | " sent1 = line_components[1]\n", 164 | " sent2 = line_components[2]\n", 165 | " original_value.append(line_components[0])\n", 166 | " \n", 167 | " \n", 168 | " words_in_sent1 = normalize(sent1.split())\n", 169 | " words_in_sent2 = normalize(sent2.split())\n", 170 | " \n", 171 | " stems1 = []\n", 172 | " for word in words_in_sent1:\n", 173 | " if word in vecs:\n", 174 | " stems1.append(word)\n", 175 | " \n", 176 | " stems2 = []\n", 177 | " for word in words_in_sent2:\n", 178 | " if word in vecs:\n", 179 | " stems2.append(word)\n", 180 | " \n", 181 | " \n", 182 | " \n", 183 | " len_1 = len(stems1)\n", 184 | " len_2 = len(stems2)\n", 185 | " len_min = min(len_1, len_2, 5)\n", 186 | " \n", 187 | " \n", 188 | " if len_min == 1:\n", 189 | " write_str.append(sent1 + \"\\t\" + '(' + \" \" + ')' + \"\\t\" + sent2 + \"\\t\" + '(' + \" \" + ')' + \"\\t\" + str(0.500) + \"\\n\") \n", 190 | " wmd_dis.append(0.500)\n", 191 | " continue\n", 192 | " \n", 193 | " \n", 194 | " \n", 195 | " v1 = np.asarray(vecs[\"hi\"])\n", 196 | " v2 = np.asarray(vecs[\"hi\"])\n", 197 | " \n", 198 | " for word in stems1:\n", 199 | " x = np.asarray(vecs[word]) \n", 200 | " v1 = np.vstack((v1, x))\n", 201 | " for word in stems2:\n", 202 | " x = np.asarray(vecs[word]) \n", 203 | " v2 = np.vstack((v2, x))\n", 204 | " \n", 205 | " \n", 206 | " v1 = np.delete(v1, 0, 0)\n", 207 | " v2 = np.delete(v2, 0, 0)\n", 208 | " \n", 209 | " \n", 210 | " b = len_min \n", 211 | " \n", 212 | " cca = CCA(n_components =b)\n", 213 | " \n", 214 | " cca.fit(v1.T, v2.T)\n", 215 | " X_c, Y_c = cca.transform(v1.T, v2.T)\n", 216 | " \n", 217 | " X_T = X_c.T\n", 218 | " Y_T = Y_c.T\n", 219 | " \n", 220 | " \n", 221 | " \n", 222 | " write_str1 = []\n", 223 | " write_str2 = []\n", 224 | " s = \"\"\n", 225 | " t = \"\"\n", 226 | " \n", 227 | " for i in range(b):\n", 228 | " \n", 229 | " \n", 230 | " \n", 231 | " #vector 1\n", 232 | " v1 = []\n", 233 | " v1 = X_T[i] \n", 234 | " \n", 235 | " \n", 236 | " con11 = vecs.most_similar(positive = [v1], topn =1)\n", 237 | " context11 = con11[0][0]\n", 238 | " \n", 239 | " #vector 2\n", 240 | " v2 = []\n", 241 | " v2 = Y_T[i]\n", 242 | " \n", 243 | " con21 = vecs.most_similar(positive = [v2], topn =1)\n", 244 | " context21 = con21[0][0]\n", 245 | " \n", 246 | " \n", 247 | " \n", 248 | " write_str1.append(context11)\n", 249 | " write_str2.append(context21)\n", 250 | " \n", 251 | " \n", 252 | " \n", 253 | " \n", 254 | " for i in write_str1:\n", 255 | " s += i \n", 256 | " s += \", \"\n", 257 | " \n", 258 | " for i in write_str2:\n", 259 | " t += i \n", 260 | " t += \", \"\n", 261 | " \n", 262 | " wmd_distance = vecs.wmdistance(write_str1, write_str2)\n", 263 | " wmd_dis.append(5-wmd_distance)\n", 264 | " \n", 265 | " \n", 266 | " write_str.append(sent1 + \"\\t\" + '(' + s + ')' + \"\\t\" + sent2 + \"\\t\" + '(' + t + ')' + \"\\t\" + str(5-wmd_distance) + \"\\n\") \n", 267 | " \n", 268 | " \n", 269 | " \n", 270 | "\n", 271 | " \n", 272 | " for i in range(0,len(write_str)):\n", 273 | " output.write(write_str[i])\n", 274 | " wmd_dis[i] = float(wmd_dis[i])\n", 275 | " original_value[i] = float(original_value[i])\n", 276 | " \n", 277 | " covariance = pearsonr(wmd_dis,original_value)\n", 278 | " print(covariance) \n", 279 | " \n", 280 | " \n", 281 | " \n", 282 | " " 283 | ] 284 | }, 285 | { 286 | "cell_type": "code", 287 | "execution_count": 12, 288 | "metadata": {}, 289 | "outputs": [ 290 | { 291 | "name": "stdout", 292 | "output_type": "stream", 293 | "text": [ 294 | "(0.5580414331826835, 1.3006358086296883e-62)\n" 295 | ] 296 | } 297 | ], 298 | "source": [ 299 | "\n", 300 | "with open(\"headlines_2014.test.txt\", 'r') as inputfile:\n", 301 | " inpu = inputfile.readlines()\n", 302 | "\n", 303 | "output_cca = open(\"pred_headlines_2014wmd.txt\", 'w')\n", 304 | "\n", 305 | "cca_semantic(inpu, vecs, output_cca)\n", 306 | "\n", 307 | "output_cca.close()\n", 308 | "\n", 309 | " \n", 310 | " " 311 | ] 312 | }, 313 | { 314 | "cell_type": "code", 315 | "execution_count": null, 316 | "metadata": {}, 317 | "outputs": [], 318 | "source": [] 319 | } 320 | ], 321 | "metadata": { 322 | "kernelspec": { 323 | "display_name": "Python 2", 324 | "language": "python", 325 | "name": "python2" 326 | }, 327 | "language_info": { 328 | "codemirror_mode": { 329 | "name": "ipython", 330 | "version": 2 331 | }, 332 | "file_extension": ".py", 333 | "mimetype": "text/x-python", 334 | "name": "python", 335 | "nbconvert_exporter": "python", 336 | "pygments_lexer": "ipython2", 337 | "version": "2.7.16" 338 | } 339 | }, 340 | "nbformat": 4, 341 | "nbformat_minor": 2 342 | } 343 | -------------------------------------------------------------------------------- /code/STS_cca-Copy1.ipynb: -------------------------------------------------------------------------------- 1 | { 2 | "cells": [ 3 | { 4 | "cell_type": "code", 5 | "execution_count": 1, 6 | "metadata": {}, 7 | "outputs": [ 8 | { 9 | "name": "stderr", 10 | "output_type": "stream", 11 | "text": [ 12 | "C:\\Users\\lappy\\Anaconda21\\lib\\site-packages\\gensim\\utils.py:1197: UserWarning: detected Windows; aliasing chunkize to chunkize_serial\n", 13 | " warnings.warn(\"detected Windows; aliasing chunkize to chunkize_serial\")\n" 14 | ] 15 | } 16 | ], 17 | "source": [ 18 | "import numpy as np\n", 19 | "from gensim.models import KeyedVectors\n", 20 | "from sklearn.cross_decomposition import CCA" 21 | ] 22 | }, 23 | { 24 | "cell_type": "code", 25 | "execution_count": null, 26 | "metadata": {}, 27 | "outputs": [ 28 | { 29 | "name": "stderr", 30 | "output_type": "stream", 31 | "text": [ 32 | "C:\\Users\\lappy\\Anaconda21\\lib\\site-packages\\smart_open\\smart_open_lib.py:398: UserWarning: This function is deprecated, use smart_open.open instead. See the migration notes for details: https://github.com/RaRe-Technologies/smart_open/blob/master/README.rst#migrating-to-the-new-open-function\n", 33 | " 'See the migration notes for details: %s' % _MIGRATION_NOTES_URL\n" 34 | ] 35 | } 36 | ], 37 | "source": [ 38 | "vecfile = 'GoogleNews-vectors-negative300.bin'\n", 39 | "vecs = KeyedVectors.load_word2vec_format(vecfile, binary =True)\n", 40 | "vecs.init_sims(replace=True)" 41 | ] 42 | }, 43 | { 44 | "cell_type": "code", 45 | "execution_count": 3, 46 | "metadata": {}, 47 | "outputs": [ 48 | { 49 | "name": "stderr", 50 | "output_type": "stream", 51 | "text": [ 52 | "[nltk_data] Downloading package punkt to\n", 53 | "[nltk_data] C:\\Users\\mailt\\AppData\\Roaming\\nltk_data...\n", 54 | "[nltk_data] Package punkt is already up-to-date!\n", 55 | "[nltk_data] Downloading package stopwords to\n", 56 | "[nltk_data] C:\\Users\\mailt\\AppData\\Roaming\\nltk_data...\n", 57 | "[nltk_data] Package stopwords is already up-to-date!\n" 58 | ] 59 | }, 60 | { 61 | "data": { 62 | "text/plain": [ 63 | "True" 64 | ] 65 | }, 66 | "execution_count": 3, 67 | "metadata": {}, 68 | "output_type": "execute_result" 69 | } 70 | ], 71 | "source": [ 72 | "import nltk\n", 73 | "nltk.download('punkt')\n", 74 | "nltk.download('stopwords')" 75 | ] 76 | }, 77 | { 78 | "cell_type": "code", 79 | "execution_count": 4, 80 | "metadata": {}, 81 | "outputs": [], 82 | "source": [ 83 | "import inflect\n", 84 | "import re\n", 85 | "from nltk.corpus import stopwords\n", 86 | "from scipy.stats import pearsonr" 87 | ] 88 | }, 89 | { 90 | "cell_type": "code", 91 | "execution_count": 5, 92 | "metadata": {}, 93 | "outputs": [], 94 | "source": [ 95 | "def remove_punctuation(words):\n", 96 | " new_words = []\n", 97 | " for word in words:\n", 98 | " new_word = re.sub(r'[^\\w\\s]', '', word)\n", 99 | " if new_word != '':\n", 100 | " new_words.append(new_word)\n", 101 | " return new_words\n", 102 | " \n", 103 | "def replace_numbers(words):\n", 104 | " p = inflect.engine()\n", 105 | " new_words =[]\n", 106 | " for word in words:\n", 107 | " if word.isdigit():\n", 108 | " new_word = p.number_to_words(word)\n", 109 | " new_words.append(new_word)\n", 110 | " else:\n", 111 | " new_words.append(word)\n", 112 | " return new_words \n", 113 | " \n", 114 | "def remove_stopwords(words):\n", 115 | " new_words = []\n", 116 | " for word in words:\n", 117 | " if word not in stopwords.words('english'):\n", 118 | " new_words.append(word)\n", 119 | " return new_words \n", 120 | " " 121 | ] 122 | }, 123 | { 124 | "cell_type": "code", 125 | "execution_count": 6, 126 | "metadata": {}, 127 | "outputs": [], 128 | "source": [ 129 | "def normalize(words):\n", 130 | " words = remove_punctuation(words)\n", 131 | " words = replace_numbers(words)\n", 132 | " words = remove_stopwords(words)\n", 133 | " return words" 134 | ] 135 | }, 136 | { 137 | "cell_type": "code", 138 | "execution_count": 7, 139 | "metadata": {}, 140 | "outputs": [], 141 | "source": [ 142 | "def compute_cosine_similarity(vector1, vector2):\n", 143 | " \n", 144 | " \n", 145 | " cos=vector1.dot(vector2)/(np.linalg.norm(vector1, ord=2) * np.linalg.norm(vector2, ord=2))\n", 146 | " \n", 147 | " if np.isnan(cos):\n", 148 | " return 0.500 # arbitrarily low similarity\n", 149 | " else:\n", 150 | " return cos\n", 151 | " " 152 | ] 153 | }, 154 | { 155 | "cell_type": "code", 156 | "execution_count": 18, 157 | "metadata": {}, 158 | "outputs": [], 159 | "source": [ 160 | "def cca_semantic(inpu, vecs, output):\n", 161 | " \n", 162 | " \n", 163 | " write_str = []\n", 164 | " sims = []\n", 165 | " s_min = 1\n", 166 | " s_max = 0\n", 167 | " sim = 0\n", 168 | " original_value=[]\n", 169 | " \n", 170 | " \n", 171 | " for line in inpu:\n", 172 | " line_components = line.split(\"\\t\")\n", 173 | " sent1 = line_components[1]\n", 174 | " sent2 = line_components[2]\n", 175 | " original_value.append(line_components[0])\n", 176 | " \n", 177 | " \n", 178 | " words_in_sent1 = normalize(sent1.split())\n", 179 | " words_in_sent2 = normalize(sent2.split())\n", 180 | " \n", 181 | " stems1 = []\n", 182 | " for word in words_in_sent1:\n", 183 | " if word in vecs:\n", 184 | " stems1.append(word)\n", 185 | " \n", 186 | " stems2 = []\n", 187 | " for word in words_in_sent2:\n", 188 | " if word in vecs:\n", 189 | " stems2.append(word)\n", 190 | " \n", 191 | " \n", 192 | " \n", 193 | " len_1 = len(stems1)\n", 194 | " len_2 = len(stems2)\n", 195 | " len_min = min(len_1, len_2, 5) # yaha badlo 3 se \n", 196 | " \n", 197 | " \n", 198 | " \n", 199 | " \n", 200 | " v1 = np.asarray(vecs[\"hi\"])\n", 201 | " v2 = np.asarray(vecs[\"hi\"])\n", 202 | " \n", 203 | " for word in stems1:\n", 204 | " x = np.asarray(vecs[word]) \n", 205 | " v1 = np.vstack((v1, x))\n", 206 | " for word in stems2:\n", 207 | " x = np.asarray(vecs[word]) \n", 208 | " v2 = np.vstack((v2, x))\n", 209 | " \n", 210 | " v1 = np.delete(v1, 0, 0)\n", 211 | " v2 = np.delete(v2, 0, 0)\n", 212 | " \n", 213 | " b = len_min \n", 214 | " \n", 215 | " cca = CCA(n_components =b)\n", 216 | " \n", 217 | " cca.fit(v1.T, v2.T)\n", 218 | " X_c, Y_c = cca.transform(v1.T, v2.T)\n", 219 | " \n", 220 | " sim =0\n", 221 | " write_str1 = []\n", 222 | " write_str2 = []\n", 223 | " s = \"\"\n", 224 | " t = \"\"\n", 225 | " \n", 226 | " for i in range(b):\n", 227 | " \n", 228 | " \n", 229 | " \n", 230 | " #vector 1\n", 231 | " v1 = []\n", 232 | " \n", 233 | " for j in X_c:\n", 234 | " v1.append(j[i])\n", 235 | " \n", 236 | " w11 = np.asarray(v1)\n", 237 | " \n", 238 | " con11 = vecs.most_similar(positive = [w11], topn =1)\n", 239 | " context11 = con11[0][0]\n", 240 | " \n", 241 | " \n", 242 | " #vector 2\n", 243 | " v2 = []\n", 244 | " \n", 245 | " for j in Y_c:\n", 246 | " v2.append(j[i])\n", 247 | " \n", 248 | " w21 = np.asarray(v2)\n", 249 | " \n", 250 | " con21 = vecs.most_similar(positive = [w21], topn =1)\n", 251 | " context21 = con21[0][0]\n", 252 | " \n", 253 | " #cosine similarity\n", 254 | " sim_1 = compute_cosine_similarity(w11, w21)\n", 255 | " sim =sim + sim_1\n", 256 | " \n", 257 | " write_str1.append(context11)\n", 258 | " write_str2.append(context21)\n", 259 | " \n", 260 | " sim = sim/b\n", 261 | " sims.append(sim)\n", 262 | "\n", 263 | " s_max = max(s_max, sim)\n", 264 | " s_min = min(s_min, sim)\n", 265 | " \n", 266 | " \n", 267 | " for i in write_str1:\n", 268 | " s += i \n", 269 | " s += \", \"\n", 270 | " \n", 271 | " for i in write_str2:\n", 272 | " t += i \n", 273 | " t += \", \"\n", 274 | " \n", 275 | " write_str.append(sent1 + \"\\t\" + '(' + s + ')' + \"\\t\" + sent2 + \"\\t\" + '(' + t + ')' + \"\\t\") \n", 276 | " \n", 277 | " \n", 278 | " \n", 279 | " sims_scaled = [5*(i - s_min)/(s_max - s_min) for i in sims]\n", 280 | " \n", 281 | " for i in range(0,len(write_str)):\n", 282 | " output.write(write_str[i] + str(sims_scaled[i]) + \"\\n\")\n", 283 | " sims_scaled[i] = float(sims_scaled[i])\n", 284 | " original_value[i] = float(original_value[i])\n", 285 | " \n", 286 | " covariance = pearsonr(sims_scaled,original_value)\n", 287 | " print(covariance) \n", 288 | " " 289 | ] 290 | }, 291 | { 292 | "cell_type": "code", 293 | "execution_count": 19, 294 | "metadata": {}, 295 | "outputs": [ 296 | { 297 | "name": "stdout", 298 | "output_type": "stream", 299 | "text": [ 300 | "(0.737283733383587, 3.940506467496995e-44)\n" 301 | ] 302 | } 303 | ], 304 | "source": [ 305 | "\n", 306 | "with open(\"answers-forums.test.txt\", 'r') as inputfile:\n", 307 | " inpu = inputfile.readlines()\n", 308 | "\n", 309 | "output_cca = open(\"pred_answers-forums.txt\", 'w')\n", 310 | "\n", 311 | "cca_semantic(inpu, vecs, output_cca)\n", 312 | "\n", 313 | "output_cca.close()\n", 314 | "\n", 315 | " \n", 316 | " " 317 | ] 318 | }, 319 | { 320 | "cell_type": "code", 321 | "execution_count": null, 322 | "metadata": {}, 323 | "outputs": [], 324 | "source": [] 325 | }, 326 | { 327 | "cell_type": "code", 328 | "execution_count": 11, 329 | "metadata": {}, 330 | "outputs": [], 331 | "source": [ 332 | "x = np.asarray(vecs[\"red\"]) + np.asarray(vecs[\"white\"]) + np.asarray(vecs[\"pink\"])" 333 | ] 334 | }, 335 | { 336 | "cell_type": "code", 337 | "execution_count": 13, 338 | "metadata": {}, 339 | "outputs": [], 340 | "source": [ 341 | " y = vecs.most_similar(positive =[x], topn=1)" 342 | ] 343 | }, 344 | { 345 | "cell_type": "code", 346 | "execution_count": 14, 347 | "metadata": {}, 348 | "outputs": [ 349 | { 350 | "data": { 351 | "text/plain": [ 352 | "[('pink', 0.8604159355163574)]" 353 | ] 354 | }, 355 | "execution_count": 14, 356 | "metadata": {}, 357 | "output_type": "execute_result" 358 | } 359 | ], 360 | "source": [ 361 | "y" 362 | ] 363 | }, 364 | { 365 | "cell_type": "code", 366 | "execution_count": 15, 367 | "metadata": {}, 368 | "outputs": [ 369 | { 370 | "data": { 371 | "text/plain": [ 372 | "list" 373 | ] 374 | }, 375 | "execution_count": 15, 376 | "metadata": {}, 377 | "output_type": "execute_result" 378 | } 379 | ], 380 | "source": [ 381 | "type(y)" 382 | ] 383 | }, 384 | { 385 | "cell_type": "code", 386 | "execution_count": 16, 387 | "metadata": {}, 388 | "outputs": [ 389 | { 390 | "data": { 391 | "text/plain": [ 392 | "('pink', 0.8604159355163574)" 393 | ] 394 | }, 395 | "execution_count": 16, 396 | "metadata": {}, 397 | "output_type": "execute_result" 398 | } 399 | ], 400 | "source": [ 401 | "y[0]" 402 | ] 403 | }, 404 | { 405 | "cell_type": "code", 406 | "execution_count": 19, 407 | "metadata": {}, 408 | "outputs": [ 409 | { 410 | "data": { 411 | "text/plain": [ 412 | "'pink'" 413 | ] 414 | }, 415 | "execution_count": 19, 416 | "metadata": {}, 417 | "output_type": "execute_result" 418 | } 419 | ], 420 | "source": [ 421 | "y[0][0]" 422 | ] 423 | }, 424 | { 425 | "cell_type": "code", 426 | "execution_count": 46, 427 | "metadata": {}, 428 | "outputs": [], 429 | "source": [ 430 | "a = np.array([[1,2,3, 5, 6, 7], [4,5,6, 8, 8, 9], [7,8,9, 10, 11 ,12]])\n", 431 | "b = np.array([[10,11,12, 14, 7 ,8], [14,15,16, 9, 1, 2]])\n", 432 | "\n", 433 | "cca =CCA(n_components=2)\n", 434 | "\n", 435 | "cca.fit(a.T, b.T)\n", 436 | "\n", 437 | "X_c, Y_c = cca.transform(a.T, b.T)" 438 | ] 439 | }, 440 | { 441 | "cell_type": "code", 442 | "execution_count": 47, 443 | "metadata": {}, 444 | "outputs": [ 445 | { 446 | "data": { 447 | "text/plain": [ 448 | "array([[ 0.01459147, 0.22569892],\n", 449 | " [-0.02918293, 0.19409217],\n", 450 | " [-0.07295734, 0.16248541],\n", 451 | " [-0.16050614, -0.30137706],\n", 452 | " [ 0.14591467, -0.12464635],\n", 453 | " [ 0.10214027, -0.1562531 ]])" 454 | ] 455 | }, 456 | "execution_count": 47, 457 | "metadata": {}, 458 | "output_type": "execute_result" 459 | } 460 | ], 461 | "source": [ 462 | "X_c" 463 | ] 464 | }, 465 | { 466 | "cell_type": "code", 467 | "execution_count": 53, 468 | "metadata": {}, 469 | "outputs": [ 470 | { 471 | "name": "stdout", 472 | "output_type": "stream", 473 | "text": [ 474 | "[0.014591467303593737, -0.029182934607190434, -0.0729573365179748, -0.1605061403395427, 0.14591467303594954, 0.10214027112516533]\n", 475 | "[0.22569891775642076, 0.19409216596015597, 0.16248541416389128, -0.3013770558601536, -0.12464634511202465, -0.15625309690828953]\n" 476 | ] 477 | } 478 | ], 479 | "source": [ 480 | "a=[]\n", 481 | "n =2\n", 482 | "for j in range(2):\n", 483 | " for i in X_c:\n", 484 | " a.append(i[j])\n", 485 | " print(a)\n", 486 | " a = []\n", 487 | " " 488 | ] 489 | }, 490 | { 491 | "cell_type": "code", 492 | "execution_count": 16, 493 | "metadata": {}, 494 | "outputs": [ 495 | { 496 | "data": { 497 | "text/plain": [ 498 | "array([[ 0.12909944, 0.76173883],\n", 499 | " [-0.25819889, 0.65506535],\n", 500 | " [-0.64549722, 0.54839186],\n", 501 | " [-1.42009389, -1.01715422],\n", 502 | " [ 1.29099445, -0.42068417],\n", 503 | " [ 0.90369611, -0.52735765]])" 504 | ] 505 | }, 506 | "execution_count": 16, 507 | "metadata": {}, 508 | "output_type": "execute_result" 509 | } 510 | ], 511 | "source": [ 512 | "Y_c" 513 | ] 514 | }, 515 | { 516 | "cell_type": "code", 517 | "execution_count": 20, 518 | "metadata": {}, 519 | "outputs": [ 520 | { 521 | "data": { 522 | "text/plain": [ 523 | "array([[ 0.12909944],\n", 524 | " [-0.25819889],\n", 525 | " [-0.64549722],\n", 526 | " [-1.42009389],\n", 527 | " [ 1.29099445],\n", 528 | " [ 0.90369611]])" 529 | ] 530 | }, 531 | "execution_count": 20, 532 | "metadata": {}, 533 | "output_type": "execute_result" 534 | } 535 | ], 536 | "source": [ 537 | "Y_c" 538 | ] 539 | }, 540 | { 541 | "cell_type": "code", 542 | "execution_count": 8, 543 | "metadata": {}, 544 | "outputs": [], 545 | "source": [ 546 | "x = np.asarray(vecs[\"red\"]) + np.asarray(vecs[\"white\"]) + np.asarray(vecs[\"pink\"])" 547 | ] 548 | }, 549 | { 550 | "cell_type": "code", 551 | "execution_count": 10, 552 | "metadata": {}, 553 | "outputs": [], 554 | "source": [ 555 | "a =vecs.most_similar(positive =[x], topn=1)" 556 | ] 557 | }, 558 | { 559 | "cell_type": "code", 560 | "execution_count": 11, 561 | "metadata": {}, 562 | "outputs": [ 563 | { 564 | "data": { 565 | "text/plain": [ 566 | "list" 567 | ] 568 | }, 569 | "execution_count": 11, 570 | "metadata": {}, 571 | "output_type": "execute_result" 572 | } 573 | ], 574 | "source": [ 575 | "type(a)" 576 | ] 577 | }, 578 | { 579 | "cell_type": "code", 580 | "execution_count": 12, 581 | "metadata": {}, 582 | "outputs": [ 583 | { 584 | "data": { 585 | "text/plain": [ 586 | "('red', 0.8569148182868958)" 587 | ] 588 | }, 589 | "execution_count": 12, 590 | "metadata": {}, 591 | "output_type": "execute_result" 592 | } 593 | ], 594 | "source": [ 595 | "a[0]" 596 | ] 597 | }, 598 | { 599 | "cell_type": "code", 600 | "execution_count": 13, 601 | "metadata": {}, 602 | "outputs": [ 603 | { 604 | "data": { 605 | "text/plain": [ 606 | "'red'" 607 | ] 608 | }, 609 | "execution_count": 13, 610 | "metadata": {}, 611 | "output_type": "execute_result" 612 | } 613 | ], 614 | "source": [ 615 | "a[0][0]" 616 | ] 617 | }, 618 | { 619 | "cell_type": "code", 620 | "execution_count": null, 621 | "metadata": {}, 622 | "outputs": [], 623 | "source": [] 624 | } 625 | ], 626 | "metadata": { 627 | "kernelspec": { 628 | "display_name": "Python 2", 629 | "language": "python", 630 | "name": "python2" 631 | }, 632 | "language_info": { 633 | "codemirror_mode": { 634 | "name": "ipython", 635 | "version": 2 636 | }, 637 | "file_extension": ".py", 638 | "mimetype": "text/x-python", 639 | "name": "python", 640 | "nbconvert_exporter": "python", 641 | "pygments_lexer": "ipython2", 642 | "version": "2.7.16" 643 | } 644 | }, 645 | "nbformat": 4, 646 | "nbformat_minor": 2 647 | } 648 | -------------------------------------------------------------------------------- /Datasets/en-test.txt: -------------------------------------------------------------------------------- 1 | a person is on a baseball team . a person is playing basketball on a team . 2.400000 2 | our current vehicles will be in museums when everyone has their own aircraft . the car needs to some work 0.200000 3 | a woman supervisor is instructing the male workers . a woman is working as a nurse . 1.000000 4 | a bike is next to a couple women . a child next to a bike . 2.000000 5 | the group is eating while taking in a breathtaking view . a group of people take a look at an unusual tree . 2.200000 6 | the boy is raising his hand . the man is raising his hand . 3.400000 7 | a man with a gray beard is being shaved in front of a lecture hall a man with a beard is sitting in the grass . 0.800000 8 | the sky has very little to no clouds . this lady might be ready for rock climbing , or just watching the clouds , above . 0.400000 9 | the young boy jumps barefoot outside in the front yard . the teen rode his bike around the people walking in the courtyard . 0.400000 10 | there are dogs in the forest . the dogs are alone in the forest . 4.000000 11 | some cyclists stop near a sign . two men stop to talk near a sign outside . 3.400000 12 | these cooks in the white are busy in the kitchen making dinner for their customers . the women are preparing dinner in their kitchen . 3.000000 13 | a young person deep in thought . a young man deep in thought . 4.600000 14 | a man is carrying a canoe with a dog . a dog is carrying a man in a canoe . 1.800000 15 | a man is performing labor . a man is performing today . 2.800000 16 | two men wearing traditional clothing is standing outside . three women wearing black vests and gray shirts are talking outside of a building . 2.000000 17 | a woman watches a rap group live an audience watches a girl dance . 2.200000 18 | a girl dancing on a sandy beach . a girl is on a sandy beach . 3.600000 19 | a man wearing a gray hat fishing out of a fishing boat . a man wearing a straw hat and fishing vest in a stream . 2.600000 20 | a little girl in an orange striped outfit is airborne whilst bouncing on a bed . a dog in a red shirt is chasing a squirrel through the glass . 0.200000 21 | a person is watching people ski down the hill . the woman is jumping a long distance while people watch . 1.400000 22 | the yard has a dog . the dog is running after another dog . 1.600000 23 | the woman is drinking lemonade and watching t.v . the man is sitting drinking coffee . 0.400000 24 | three women cook . two women cooking . 3.200000 25 | the woman is kneeling next to a cat . a girl is standing next to a man . 0.200000 26 | the young adult are cold asian children are playing with a dog . 0.200000 27 | three guys playing a pro game of basketball . two guys playing a game of baseball . 2.400000 28 | a sad man is jumping over a small stream to meet his companion on the other side . a man is jumping over a stream to meet his companion on the other side . 3.800000 29 | the boys are earning their next belt in karate . five girls and one boy are in their swimsuits all in the middle of jumping into the pool . 0.200000 30 | a woman is digging in the sand . a man is buried in the sand . 1.400000 31 | a woman drives a golf cart . a man riding a cart . 1.800000 32 | a woman is bungee jumping . a girl is bungee jumping . 4.200000 33 | a clown performs for brother and sister as the rest of the party watches . a blond-haired child performing on the trumpet in front of a house while his younger brother watches . 1.200000 34 | a person filming the outdoors . there is a couple outdoors . 1.600000 35 | a human riding a skateboard . a child is riding a skateboard . 3.800000 36 | a woman in a plaid outfit is looking through a bag of produce . this is the picture of a woman in a flowered dress , toting something in a bucket . 1.000000 37 | four girls happily walk down a sidewalk . three young girls walk down a sidewalk . 3.400000 38 | the tennis player hit the ball into outer space and broke the death star . a female tennis player is leaping into the air to hit the ball . 1.200000 39 | a boy climbs a forest hill . a boy is climbing a hill . 4.000000 40 | a group of navy seals are singing a group of military personnel are playing in a brass quintet . 2.400000 41 | blond boy jumping onto deck . a boy jumping down a wet inflatable slide . 2.000000 42 | a man uses a chainsaw to sculpt a phallic ice sculpture . a man is using a chainsaw to carve a wooden sculpture . 2.600000 43 | a group of male construction workers repair railroad tracks on a cloudy day a crew of workers working on a railroad track . 3.800000 44 | a man playing the violin in the rain . a man playing the guitar in the rain . 3.200000 45 | the people are leaving the airplane . the people are entering the plane . 2.200000 46 | the dogs are chasing a cat . the dogs are chasing a black cat . 4.400000 47 | the girl has something on her head . the woman has something with her . 2.600000 48 | the tan dog is playing with the red dog out in the snow a yellow dog is playing in the snow . 2.600000 49 | people making a structure out of cards . two people are together and one is using a piece of clothing in a different way than intended . 0.200000 50 | a girl with vases in the background inside her house the girl is standing as the other girl with glasses works on her hand painting . 0.200000 51 | there are four people outside . five people are outside . 3.000000 52 | a person sitting in an office takes a picture . a woman is sitting in an office . 3.200000 53 | girls are holding hands in blue clothes the young people are wearing jeans with their red and green shirts . 1.800000 54 | people rock jumping into water while people fish in the background . two people watching the water . 2.200000 55 | a man is demonstrating how to work with clay while at least two people observe . at least one of the three women is talking to the others . 0.600000 56 | a dog has a sweater on . a man in a suit jacket is sitting on a red couch with a cat . 0.600000 57 | a blonde woman looks for medical supplies for work in a suitcase . the blond woman is searching for medical supplies in a suitcase . 5.000000 58 | a boy is at school taking a test . the boy is taking a test at school . 5.000000 59 | an old man wearing a hat stands outside a shop door . a man in an oversized shirt sits at a shop 2.200000 60 | sculptor applying concrete to large statue of human figure standing with no head . a person is standing in front of a building holding aloft some plywood 0.200000 61 | a boy with dark hair is in water and is looking up . the man is short hair . 0.600000 62 | a pole is behind a person that is playing peekaboo with a child . there is a child with a ball 0.200000 63 | a woman is about to paint . a boy is about to take a picture . 1.000000 64 | the carriage is drawn by a horse . a man riding on a bicycle by side of building . 0.400000 65 | a man working at the steel mill a man working in a foundry . 3.400000 66 | the young woman is flirting with the young boy . the girl is young and cheery . 1.400000 67 | a woman looks at a duck as she walks behind it . a woman is going on a walk with her dog . 1.000000 68 | the men are about to score in a water polo tournament the two men are about to compete in a match . 2.000000 69 | man sitting on a bench drink from a mug surrounded by rugs . a man is sitting on one of two red benches and staring into a kiosk . 2.200000 70 | a man eats popcorn while watching cartoons late one night . a man and a girl are watching cartoons at home 2.800000 71 | three men sit on a bench . two men sit on a bench . 3.200000 72 | the road is long . there is nothing on the side of the road . 0.800000 73 | a small blond boy slides head first down a blue playground slide toward another blond youth . a young boy with his hair standing up , is sliding down a blue slide 2.000000 74 | the four women are practicing for a upcoming match . the women are in a play 1.200000 75 | a young man wearing a white t-shirt and green and black shorts standing on a stump . a man wearing a white shirt and red and black shorts is running on the sidewalk . 1.800000 76 | man on steps a man sits on steps . 4.000000 77 | a dog under the stairs a dog is resting on the stairs . 2.200000 78 | there is a young girl . there is a young boy with the woman . 1.000000 79 | two women give a demonstration at a renaissance fair . two people are doing a demonstration at a renaissance fair . 4.200000 80 | a woman paints a picture of a large building which can be seen in the background . a person paints a picture of a large building which can be seen in the background . 4.200000 81 | some guy sitting on a couch watching television . a guy is sitting on the couch watching tv 5.000000 82 | a woman is posing for a christmas card . a girl is taking a photo . 1.200000 83 | two kids are playing a game of foosball . the kids are playing a game with each other . 3.400000 84 | the man is in a deserted field . the man is outside in the field . 4.000000 85 | a little boy is drinking from a juice packet . a boy is drinking from a juice packet . 4.800000 86 | a man has his skis ready for the field to get iced out a man on a boat getting ready to pull in his net to see what he caught . 0.400000 87 | the biker is doing dangerous stunts . a biker is doing stunts . 4.400000 88 | a musician is smearing jam on his white guitar at a concert . trombonist playing the her instrument in a band for a parade . 0.400000 89 | a man is working on his farm . an old guy is working on his farm and a cow kicks him . 2.800000 90 | a pair of young boys in t-shirts are hiding in the woods with one looking aghast . two smiling little girls playing in a fountain with other people . 0.000000 91 | a group of people playing soccer on a soccer field in front of a crowd . a group of men playing soccer in a stadium full of people . 3.000000 92 | a man is enjoying watching three asian children dance . a man is watching three asian kids dance . 4.600000 93 | a girl is talking to her dad on a cellphone . a girl is talking on her phone . 4.400000 94 | one person wields an umbrella . one person is holding an umbrella . 4.400000 95 | a woman walking down the side of a highway . a man is standing on one feet on a bridge . 0.400000 96 | a group of teenagers jumping and having a good time . a group of kids having a good time . 3.600000 97 | a man calling for a taxi at the airport on a sunny day . a man is outside on a july day . 1.400000 98 | a man is playing his guitar at joe 's cafe . the man is playing the drums for his mom . 1.200000 99 | a young boy has a red fishing pole . a young boy stands over a bridge with a fishing pole . 3.000000 100 | a player bounces a ball . a player catching a ball . 1.600000 101 | someone is on a blanket . the person is making a blanket . 1.400000 102 | men competing in a contest . two women compete in a contest . 2.400000 103 | the puppy is outdoor . a man in printed board shorts is doing a yoga pose on the beach . 0.000000 104 | the man has a orange shirt . the woman has a orange shirt . 3.400000 105 | the two kids look at the products sold inside the subway shop . the kids are stealing from a store . 0.800000 106 | the baby boy wants his mother . a baby boy is happy to see his mother . 2.800000 107 | a young girl in a pink jacket is playing a board game . a boy in a jacket playing . 1.600000 108 | a smiling caucasian male wearing a blue and black striped shirt it about to take a photograph . a man in a white shirt and black pants is smiling . 1.600000 109 | a person is scaling a rock wall . a person and a horse are above a fence . 0.200000 110 | a boy is very close to a girl . a girl is close to a boy whose face is not shown . 3.200000 111 | two men are playing a game of scrabble together . the two women are playing a game . 2.200000 112 | six children are cleaning a room . two male children cleaning up leaves in a parking lot . 1.600000 113 | the girl is very skilled and practices a lot . the man is very skilled . 2.000000 114 | many guards are standing in front of the starting line of a race . two men in business dress are standing by the side of a road . 0.400000 115 | there is a cook preparing food . a cook is making food . 5.000000 116 | two men are helping a boy . two men are with a young child . 3.600000 117 | a man at a farmers market . a man is at a farmers market . 4.800000 118 | four people walk toward a tower two men walk toward a dome-shaped building . 2.000000 119 | a little girl and boy are reading books . an older child is playing with a doll while gazing out the window . 0.200000 120 | the child would like to swim . the children want to swim . 3.800000 121 | two skiing people are doing cross country skiing . people skiing cross country . 3.600000 122 | a dog taking a poop in the street . a man making balloon animals for two children on a street corner . 0.400000 123 | men are fighting after a basketball game . the men are playing a game of basketball . 2.200000 124 | a kid is talking in class . a girl is going to class . 1.800000 125 | the women are trying to sell something to the individual . the men are trying to make some money . 1.200000 126 | people are waiting for the fireworks to start . three people are waiting for the rain to stop . 1.200000 127 | a dog prepares to herd three sheep with horns . a dog and sheep run together . 2.200000 128 | people are sitting around dimly lit tables while smiling and laughing . people are sitting on benches . 2.000000 129 | a dog is chasing cows . a white dog is chasing cows . 4.000000 130 | one football player tries to tackle a player on the opposing team . a football player attempts a tackle . 4.600000 131 | three men are drying to pull a subaru out of a ditch along a mountain road . two men are waiting for a ride on the side of a dirt road . 1.400000 132 | a woman does n't have her arms up because she 's paralyzed from the neck down a woman is sitting on the steps because she tripped and hurt her ankle . 0.800000 133 | people gathered in a room . people gathered together in a room . 5.000000 134 | the woman in overalls paints a picture for her wall . a woman is painting her wall white . 2.600000 135 | adding aspirin to the water could kill the plant . men are trying to remove oil from a body of water . 0.000000 136 | five kids are standing in front of a tent . people are out sitting in front of a garden . 0.600000 137 | female in a maroon shirt engaged in conversation with another female in a tan blazer . a girl in a blue dress and another girl in a purple dress , both smiling . 1.200000 138 | baseball players playing a game at the park . a basketball player , playing in the home coming game . 1.600000 139 | they are preparing for a performance at school . two medical professionals in green look on at something . 0.000000 140 | the woman is wearing yellow . the woman is wearing red . 2.800000 141 | some smiling children are standing in front of an ocean sunset . people walking in the dark . 0.600000 142 | a man is doing a stunt on his bicycle . a man is doing a wheelie on his motorcycle . 3.200000 143 | ten people riding atvs . 4 people are riding bikes 1.600000 144 | two fishermen try to untangle their large fishing net on the side of the road on a cloudy day . several men pull a fishing net up on to the beach . 3.000000 145 | a yellow vested person is doing road work . a person is doing very well on their skateboard . 0.200000 146 | the woman had brown hair . the woman has gray hair . 2.400000 147 | black and white image of a wave crashing in the ocean . a small black dog in the ocean with some rocks in the background 0.600000 148 | a lady and her daughter look through a microscope . a girl and a lady both looking through a microscope . 4.600000 149 | two workers are sitting next to pipes eating lunch the construction workers are sitting down to eat lunch . 3.800000 150 | a boy does a skateboard trick on the stairs downtown . a boy is running on the sidewalk 0.600000 151 | a group of people living in the desert a group of people in the middle of the desert . 4.000000 152 | two kids are swimming . six kids are going swimming . 2.800000 153 | three humans are walking a dog . three people are walking a dog . 4.800000 154 | there are people out on the street . people are out on the street . 5.000000 155 | people getting their dirty clothes cleaned people are getting their clothes cleaned . 5.000000 156 | two women are lost and calling for help . two asian men are gathering materials for their business and their child had to come with them . 0.200000 157 | a man is throwing a penny into a fountain . a little boy is throwing a man in water . 0.600000 158 | the children are holding musical instruments . a group of children are singing and playing instruments 3.400000 159 | two girls are playing doctor inside their house . the two girls are walking with their father . 0.800000 160 | a crowd of men wearing paper numbers on their shirts run in a race . several men running down a grass field wearing numbers on the front of their shirts . 3.600000 161 | a group of people are wearing police uniforms conducting an arrest . a group of police officers are wearing protection . 2.800000 162 | the fruits should be eaten with lemon juice in order to prevent oxidation in your stomach . three dogs growling on one another 0.000000 163 | a doctor prescribes medicine to a patient . a doctor prescribes a medicine . 4.400000 164 | a woman is in the bathroom . the woman is in a bathroom . 4.600000 165 | spectators taking pictures of a rally car . a crowd of people watching cars race down the track . 2.800000 166 | the man and woman are resting on a couch . a man and woman are asleep on the couch . 4.000000 167 | the man is planning to shoot a wedding the woman is going to a wedding . 1.400000 168 | the boy in the green jersey plays goalie on the soccer team . the team in blue is playing a game against the team in white 1.000000 169 | the child 's bike got wet . she is putting away the bike . 1.200000 170 | a soldier walks a dog . a man walks a dog . 3.200000 171 | a shirtless woman is operating a lawn mower . a girl is mowing the grass with a lawn mower . 3.000000 172 | people are near water people are near water . 5.000000 173 | the two officers are driving two officers are on horses . 2.200000 174 | friends walk into a building a man walks along walkway to the store 0.400000 175 | the lady looks sad because no one is buying her wares . the lady is selling things . 2.000000 176 | the rollerblades are moving . two vehicles are going towards the camera . 0.800000 177 | there is a older man near a window . a boy is near some stairs . 0.400000 178 | a guy and a girl are rock climbing with backpacks on . two boys are riding on a toy with a blonde girl running long side of them . 0.000000 179 | in abu dhabi the golden market is one of the premier public outdoor shopping areas . a busy city square in an asian country . 1.600000 180 | a pregnant woman is in labor a woman has a child . 1.600000 181 | a flock of birds hovered over the sandy beach . birds are flying at a beach . 3.800000 182 | people walk home people waiting . 1.600000 183 | the religious people are enjoying the outdoors . the group of people are enjoying the outdoors . 3.600000 184 | a girl in water without goggles or a swimming cap . a girl in water , with goggles and swimming cap . 3.000000 185 | a man is performing a stunt outdoors . a young man on a beach is performing skateboard stunts . 2.800000 186 | a man is laughing with a woman a man and a woman laughing . 4.800000 187 | he is about to run into the boat the man is getting his boat clean to take it out on the water . 1.200000 188 | 2 cows are in a field . two sheep are in a field . 2.400000 189 | a wet child enjoys the summer . a woman is enjoying the summer weather . 1.800000 190 | there was girl stranded on the roof . the couple was on the bed . 0.200000 191 | there are four snowboarders going off a jump and that are in the air . two racers are coming to a turn . 1.000000 192 | the girl has a driver 's license a man has a driver 's license . 2.600000 193 | people on motorcycles wearing racing gear ride around a racetrack people on motorcycles ride around a racetrack 3.800000 194 | a man is standing on the ground with a paintbrush a man with a crutch lying on the ground . 1.200000 195 | the kids are at the theater watching a movie . it is picture day for the boys 0.200000 196 | two women walk down the sidewalk to the store . two women walk down the sidewalk in the afternoon . 3.800000 197 | a man has his son on his back a man spent his time with his son . 2.400000 198 | a group of dark-skinned people are walking past barbed wire . two women are gossiping by a fence . 0.400000 199 | zombies parading around eating brains . the zombies are eating flesh together . 3.400000 200 | a group of people are sitting at at a beach on towels watching the blue angels . a group of people are sitting at a beach watching the blue angels . 4.200000 201 | a basketball player makes the 5th rebound of the night , a tennis player in the middle of a game . 1.400000 202 | three people are meeting for coffee . two people make coffee . 2.400000 203 | a young girl with dirt on her face and a red child 's bike is in the background . the old woman in shorts and a white t-shirt is standing on a path watching children play . 0.800000 204 | a helicopter is getting ready to take off . the plane is getting ready to take off . 2.800000 205 | a line of scooters are parking in the middle of a street . a line of motor bikes are parked in the middle of a street . 4.400000 206 | a man holding a cat . a man holding a dog . 3.000000 207 | a man doing a jumping bike trick surrounded by trees . a boy riding a green trick bike over some steps outdoors . 3.000000 208 | three guys in speedos have their feet up on the railing of a boat getting a tan . a few men on the deck are dropping another man into the water 1.600000 209 | a group wading across a witch a group wading across a ditch 2.800000 210 | a woman jumps and poses for the camera . a woman poses for the camera . 4.000000 211 | a man is on a rooftop a man is holding a microphone in a room . 0.800000 212 | there are two men near a wall . three women are sitting near a wall . 2.000000 213 | the cats are running through the grass . some dogs running through the park . 2.000000 214 | the two boys are playing kick ball back and forth to each other . the players are kicking each other while attempting to kick the ball . 3.000000 215 | two girls are running . three boys are running . 2.200000 216 | the two men are wearing jeans . the two men are wearing pants . 4.400000 217 | a little girl in a white blouse and blue pants frolics on the grass . a woman in a green shirt and white pants golfs on the green . 1.800000 218 | the man without a shirt is jumping . the man jumping is not wearing a shirt . 4.600000 219 | the woman is holding the hands of the man . the woman is checking the eyes of the man . 2.400000 220 | a man walks his dog on the beach . a man with his dog on the beach . 4.400000 221 | the child is the woman 's kid . there is a boy and a girl . 0.800000 222 | a soccer player is kicking the ball . the soccer player gave the ball a high kick . 3.800000 223 | two boys in black swimming trunks are holding another boy by his arms and legs on a beach . man in white shirt flipping young boy in the water with four other boys surrounding them . 1.400000 224 | the player shoots the winning points . the basketball player is about to score points for his team . 2.800000 225 | a man in a white shirt and hat playing a guitar . a man in a green shirt and black hat playing a guitar on stage . 2.800000 226 | a black hooded man is using a large magnifying glass to look at a booklet . a white hooded woman is using a magnifying glass to look at a booklet . 2.800000 227 | the people are running a marathon people are running a marathon 5.000000 228 | a motorcross driver going by during a race a race car driver performs in the race of his life . 3.000000 229 | a group of people are nervous about crossing the water . a group of people are on the water . 2.200000 230 | a group of kids are having a jumping contest . a group of kids are having a sleepover . 1.200000 231 | the gate is blue . the gate is yellow . 1.600000 232 | the person is wearing a fedora . a man is wearing a uniform . 1.600000 233 | a woman and a man embrace while watching a horror movie . a man and a woman watch a movie together . 2.800000 234 | a man in a blue dress shirt . a man in a white shirt and blue pants is talking with a woman in a pink shirt . 1.800000 235 | a couple is playing the game of life . the family is playing a game together . 2.600000 236 | the head of a child with dark glasses is in focus . there is a woman with a full head of hair . 0.200000 237 | a dog walks along a beach with breaking waves . a boy with an oar walks out of the surf and onto a beach . 1.000000 238 | a pair of men walk along the beach . two men standing in the surf on a beach . 2.600000 239 | blond woman in a tunnel . the couple kissing is near a blond woman . 1.600000 240 | a maintenance guy is repairing a net on a tennis court . a man removing a tennis net . 2.400000 241 | a kid sits on a soccer ball outside . a kid sitting on a soccer ball at the park . 4.200000 242 | the raven droned as is hopped along the grass . the skinny dog with the long tail is traveling through the field . 0.200000 243 | a man in a brown coat rubs his nose . a bald man with a red beard holds his hand near his mouth . 2.200000 244 | the dog is chasing the geese . one dog is chasing the other . 1.600000 245 | small child playing with letter p 2 young girls are sitting in front of a bookcase and 1 is reading a book . 0.800000 246 | a brown dog is jumping . a brown dog is jumping 5.000000 247 | the man is catching a ball a man is kicking a ball . 3.000000 248 | two men are sitting in the room . two men are standing in a room . 3.000000 249 | a group of teenagers in red shirts are smiling . a group of people are wearing orange shirts . 1.200000 250 | the woman is waiting for her date . the woman is on her way to a date . 3.200000 -------------------------------------------------------------------------------- /Datasets/OnWN_2012.test.txt: -------------------------------------------------------------------------------- 1 | 5.000 render one language in another language restate (words) from one language into another language. 2 | 3.250 nations unified by shared interests, history or institutions a group of nations having common interests. 3 | 3.250 convert into absorbable substances, (as if) with heat or chemical process soften or disintegrate by means of chemical action, heat, or moisture. 4 | 4.000 devote or adapt exclusively to an skill, study, or work devote oneself to a special area of work. 5 | 3.250 elevated wooden porch of a house a porch that resembles the deck on a ship. 6 | 4.000 either half of an archery bow either of the two halves of a bow from handle to tip. 7 | 3.333 a removable device that is an accessory to larger object a supplementary part or accessory. 8 | 4.750 restrict or confine place limits on (extent or access). 9 | 0.500 orient, be positioned be opposite. 10 | 4.750 Bring back to life, return from the dead cause to become alive again. 11 | 3.750 anything illusory, not concrete or real something with no concrete substance. 12 | 4.000 a name or trait that identifies a product or type of thing a name given to a product or service. 13 | 1.500 the processing or operation of something a set sequence of steps, part of larger computer program. 14 | 2.500 line, cover cover the front or surface of. 15 | 4.250 determine a standard; estimate a capacity or measurement estimate the value of. 16 | 3.500 an interpretation, an account or reading of an event or situation a mental representation of the meaning or significance of something. 17 | 4.250 festive social event, celebration an occasion on which people can assemble for social interaction and entertainment. 18 | 5.000 Make fine adjustments to for optimal operation; adjust to a certain scale. make fine adjustments or divide into marked intervals for optimal measuring. 19 | 3.750 a short lyric or poem intended to be sung a narrative song with a recurrent refrain. 20 | 2.750 effectively wield or manipulate a concrete entity handle effectively. 21 | 3.500 employ or become employed in a position appoint someone to (a position or a job). 22 | 3.500 group of people defined by a specific profession organization of performers and associated personnel (especially theatrical). 23 | 3.500 storage cabinet furniture office furniture consisting of a container for keeping papers in order. 24 | 4.250 Signal (approval or interest) by winking; briefly shut one eye. signal by winking. 25 | 2.750 capital stock in a corporation any of the equal portions into which the capital stock of a corporation is divided and ownership of which is evidenced by a stock certificate. 26 | 2.250 prove or corroborate establish or strengthen as with new evidence or facts. 27 | 3.750 (the content of) a communication. a communication (usually brief) that is written or spoken or signaled. 28 | 3.000 a partial denture a denture anchored to teeth on either side of missing teeth. 29 | 2.750 move to a lower position, terminate something terminate an association with. 30 | 2.500 flow, as of liquids reduce or cause to be reduced from a solid to a liquid state, usually by heating. 31 | 2.250 seal, insulate or protect treat the body or any part of it by wrapping it, as with blankets or sheets, and applying compresses to it, or stuffing it to provide cover, containment, or therapy, or to absorb blood. 32 | 2.500 scar physically; create a mark on someone or something make underscoring marks. 33 | 3.500 Surround completely; close in, as if with a covering or border. surround completely. 34 | 1.250 the act or event of ending a process, state, situation the end of a word (a suffix or inflectional ending or final morpheme). 35 | 0.000 the price of a good or service an assertion that someone is guilty of a fault or offence. 36 | 2.000 depict or portray in art, words, or model create an image or likeness of. 37 | 0.750 travel in or be shaped like a zigzag bend into the shape of a crank. 38 | 4.250 Annoy, harass, or mock, perhaps playfully. mock or make fun of playfully. 39 | 0.000 (Cause to) smell bad. be extremely bad in quality or in one's performance. 40 | 4.000 social ranking or position the relative position or standing of things or especially persons in a society. 41 | 3.250 ponder, consider, observe carefully consider in detail and subject to an analysis in order to discover essential features or meaning. 42 | 4.333 persuade or achieve acceptance persuade somebody to accept something. 43 | 5.000 physical matter left behind after a removal process matter that remains after something has been removed. 44 | 3.500 any tall, vertical shape anything that approximates the shape of a column or tower. 45 | 4.750 physically inflate become inflated. 46 | 3.000 heavy radioactive metallic element, atomic number 92 a heavy toxic silvery-white radioactive metallic element; occurs in many isotopes; used for nuclear fuels and nuclear weapons. 47 | 3.000 Complain about something or say mean things to someone. say mean things. 48 | 3.750 care about, be bothered by, be concerned by be offended or bothered by; take offense with, be bothered by. 49 | 2.750 the tallied points of a game, at a given time a number that expresses the accomplishment of a team or an individual in a game or contest. 50 | 2.250 edit so as to block the truth; prevent distribution subject to political, religious, or moral censorship. 51 | 2.500 a casual, brief meeting with someone a casual or unexpected convergence. 52 | 4.250 an electrical connection between conductor and earth a connection between an electrical device and a large conducting body, such as the earth (which is taken to be at zero voltage). 53 | 4.000 an agent's act of terminating an activity or event the act of ending something. 54 | 4.500 notable or famous persons (real or fictional) a well-known or notable person. 55 | 3.750 a person who manipulate or controls a device or machine an agent that operates some apparatus or machine. 56 | 3.250 find, determine the place of determine or indicate the place, site, or limits of, as if by an instrument or by a survey. 57 | 4.250 to engage in plotting or activities of an illegal or deceitful nature act in unison or agreement and in secret towards a deceitful or illegal purpose. 58 | 3.750 be equivalent, have the same effect as something be tantamount or equivalent to. 59 | 1.000 (cause to) survive cause to move by pulling. 60 | 1.000 the money a voluntary gift (as of money or service or ideas) made to some worthwhile cause. 61 | 3.750 a sudden emotional vocalization a loud utterance of emotion (especially when inarticulate). 62 | 4.000 go back, restore, revive go back to a previous state. 63 | 2.750 settlement of people distant from their homeland a body of people who settle far from home but maintain ties with their homeland; inhabitants remain nationals of their home state but are not literally under the home state's system of government. 64 | 3.750 (The discovery or exhibition of) factual evidence that establishes the truth of something. a formal series of statements showing that if one thing is true something else necessarily follows from it. 65 | 1.500 enter a realm, become involved with cause to move; cause to be in a certain position or condition. 66 | 3.250 a project or undertaking earnest and conscientious activity intended to do or accomplish something. 67 | 4.000 a standardized system of measurements for heaviness a system of units used to express the weight of something. 68 | 4.500 a concern or affair some situation or event that is thought about. 69 | 2.000 have a strong sexual attraction to feel or have a desire for; want strongly. 70 | 1.500 a surrogate expression, utterance for a taboo word a blank character used to separate successive words in writing or printing. 71 | 4.000 facility for secure storage of things, often money a facility where things can be deposited for storage or safekeeping. 72 | 3.750 emit or cause to emit noise make a certain noise or sound. 73 | 2.333 make physical contact with, possibly with the effect of physically manipulating. cause to be in brief contact with. 74 | 2.500 find out or be informed of a new information, understand or realize get to know or become aware of, usually accidentally. 75 | 4.500 head of a country the chief executive of a republic. 76 | 3.000 Touch with the lips. touch with the lips or press the lips (against someone's mouth or other body part) as an expression of love, greeting, etc.. 77 | 2.750 a natural physical force of drawing towards something the force used in pulling. 78 | 3.000 a change which is a decrease a gradual decrease; as of stored charge or current. 79 | 3.000 an evaluation, an estimation of worth, a grade a number or letter indicating quality (especially of a student's performance). 80 | 1.750 having responsibility for managing or supervising an impetuous rush toward someone or something. 81 | 4.000 fail or suffer failure suffer failure, as in some enterprise. 82 | 4.000 an abundance of something the property of copious abundance. 83 | 3.750 An authoritative text or the corresponding citation. a short note recognizing a source of information or of a quoted passage. 84 | 0.500 An instance of visual perception. (often followed by `of') a large number or amount or extent. 85 | 2.500 fluctuate, move back and forth sway to and fro. 86 | 1.500 the alleviation of distress a change for the better. 87 | 2.800 A ceremony marking admission into a religious community. a sacrament admitting a baptized person to full participation in the church. 88 | 3.400 a social gesture of deferential greeting a courteous expression (by word or deed) of esteem or regard. 89 | 0.000 move to a new location, state, or situation cause (a computer) to execute a single command. 90 | 1.600 Change one for another give to, and receive from, one another. 91 | 4.000 a full stop, as a punctuation mark a punctuation mark (.) placed at the end of a declarative sentence to indicate a full stop or after abbreviations. 92 | 3.250 something that is craved something craved, especially an intravenous injection of a narcotic drug. 93 | 3.500 to grow rapidly increase rapidly and in an uncontrolled manner. 94 | 3.500 Speak in a high-pitched tone of voice, as either an animal or human might. make high-pitched sounds. 95 | 2.500 domesticated animals kept for use or profit a special variety of domesticated animals within a species. 96 | 2.250 a discipline, a branch of knowledge the discipline that records and interprets past events involving human beings. 97 | 3.333 a person who is aggressively pursued, chased a person who is the aim of an attack (especially a victim of ridicule or exploitation) by some hostile person or influence. 98 | 2.250 personnel casualty military personnel lost by death or capture. 99 | 3.250 escape or avoid a situation or responsibility use cunning or deceit to escape or avoid. 100 | 4.000 a relative loss in price, value a loss entailed by giving up or selling something at less than its value. 101 | 3.750 a measurable or quantitative decrease a sudden sharp decrease in some quantity. 102 | 3.500 Change the key, pitch, tone, or volume of, likely for aesthetic reasons. change the key of, in music. 103 | 5.000 a written message of nonacceptance a message refusing to accept something that is offered. 104 | 0.500 (cause to) stop speaking or bring about silence move so that an opening or passage is obstructed; make shut. 105 | 3.500 injure, scratch the surface cut the surface of; wear away the surface of. 106 | 2.000 A plant structure near the top of the plant. a fruiting structure resembling an umbrella or a cone that forms the top of a stalked fleshy fungus such as a mushroom. 107 | 2.500 a written list of particular things being offered a list of particulars (as a playbill or bill of fare). 108 | 3.500 a notational mark used in writing, diacritic a diacritical mark used to indicate stress or placed above a vowel to indicate a special pronunciation. 109 | 3.250 the state of believing in, or having confidence in, something or someone the trait of believing in the honesty and reliability of others. 110 | 4.500 an attempt or effort to achieve a goal an attempt to get something. 111 | 2.750 increase in amount, extent, or intensity go up or advance. 112 | 3.250 clean, wash thoroughly clean with hard rubbing. 113 | 2.000 compress out of shape or into small pieces become injured, broken, or distorted by pressure. 114 | 4.000 point or direct object, weapon, or blow at something or someone point or cause to go (blows, weapons, or objects such as photographic equipment) towards. 115 | 0.750 employ or utilize, put into service give or convey physically. 116 | 2.500 Spin, wind, braid, or twist together, perhaps as when performing lacework. do lacework. 117 | 4.250 a decorative container, often for holding flowers an open jar of glass or porcelain used as an ornament or to hold flowers. 118 | 2.000 preserve, keep in safety, use frugally preserve with sugar. 119 | 2.250 an open motorboat used for transport a motorboat with an open deck or a half deck. 120 | 2.750 a process of development, increase or advancement a process of becoming larger or longer or more numerous or more important. 121 | 3.500 Make sure of. be careful or certain to do something; make certain of something. 122 | 2.250 supply or furnish with something needed or wanted give something useful or necessary to. 123 | 4.000 a sharp bladed instrument for shaving off hair edge tool used in shaving. 124 | 2.000 learn, assimilate a body of knowledge learn by reading books. 125 | 0.750 support; hold up; nurture or provide for lengthen or extend in duration or space. 126 | 4.000 keep away, prevent from happening, or not do something refrain from doing something. 127 | 3.500 Something that provides advice. something that provides direction or advice as to a decision or course of action. 128 | 2.000 The act of copying the actions of someone else. a representation of a person that is exaggerated for comic effect. 129 | 2.500 a physical entity a separate and self-contained entity. 130 | 2.500 lessen in force, impact, or effect make less severe or harsh. 131 | 4.000 a judgement or opinion about something a judgment of the qualities of something or somebody. 132 | 2.750 flog or whip beat severely with a whip or rod. 133 | 2.250 act, form, or progress according to a plan or ideal shape or influence; give direction to. 134 | 3.500 Germinate, as in a plant. produce buds, branches, or germinate. 135 | 1.000 social sphere, scope of activity or interest a particular environment or walk of life. 136 | 4.500 a static vertical layout, e.g. text or numbers a vertical array of numbers or other information. 137 | 2.500 recognize, be familar or well-versed with be cognizant or aware of a fact or a specific piece of information; possess knowledge or information about. 138 | 2.500 a portrayal of someone or something, through words or behavior any likeness of a person, in any medium. 139 | 2.750 a device to control the rate of some activity, e.g., chemical or mechanical any of various controls or devices for regulating or controlling fluid flow, pressure, temperature, etc.. 140 | 3.750 Form an aesthetic or conceptual whole. cause to form a united, orderly, and aesthetically consistent whole. 141 | 4.000 human legs, informal usage informal terms for the leg. 142 | 3.750 goal or objective the goal intended to be attained (and which is believed to be attainable). 143 | 1.750 protect from heat, cold, or other detrimental conditions place or set apart. 144 | 0.750 an allotment or percentage of something assets belonging to or due to or contributed by an individual person or group. 145 | 2.750 something that attains victory an event that accomplishes its intended purpose. 146 | 4.500 line up or make parallel; bring into proper adjustment place in a line or arrange so as to be parallel or straight. 147 | 3.750 a home furnishing that is a fabric cover bedclothes consisting of a lightweight cloth covering (an afghan or bedspread) that is casually thrown over something. 148 | 3.500 meshed frame over windows and doors a protective covering consisting of netting; can be mounted in a frame. 149 | 3.750 a measure of the likelihood or probability of an event a measure of how likely it is that some event will occur; a number expressing the ratio of favorable cases to the whole number of cases possible. 150 | 4.000 Anyone who judges or finds fault with something. someone who frequently finds fault or makes harsh and unfair judgments. 151 | 2.200 the rescue or release of someone, something recovery or preservation from loss or danger. 152 | 3.200 observe, perceive observe with care or pay close attention to. 153 | 2.800 limit, keep under control, deter, forbid to compel or deter by or as if by threats. 154 | 2.800 stick out, jut out, protrude extend out or project in space. 155 | 4.500 to act as the host of be the host of or for. 156 | 2.000 put an end to, make invalid a process that's already begun make invalid for use. 157 | 1.000 enjoy, be fond of or approve feel about or towards; consider, evaluate, or regard. 158 | 2.750 per centum a proportion in relation to a whole (which is usually the amount per hundred). 159 | 3.750 an approximate attribute or quality of something an approximate definition or example. 160 | 4.250 The act of having and controlling property. the state or fact of being an owner. 161 | 2.250 a physical protuberance, large or small a natural elevation (especially a rocky one that juts out into the sea). 162 | 3.500 estimate or calculate the numerical value of something evaluate or estimate the nature, quality, ability, extent, or significance of. 163 | 0.500 a portion or percentage of a whole the part played by a person in bringing about a result. 164 | 3.250 lightest most abundant element, atomic number 1 a nonmetallic univalent element that is normally a colorless and odorless highly flammable diatomic gas; the simplest and lightest and most abundant element in the universe. 165 | 0.000 a unit cost of something a single chance or instance. 166 | 2.000 move back and forth move or sway in a rising and falling or wavelike pattern. 167 | 2.250 a cyclical span of time defined by a calendar system a period of time containing 365 (or 366) days. 168 | 2.250 face an event and survive; endure face and withstand with courage. 169 | 4.000 (medicine) the capacity of an organism to defend against disease. (medicine) the condition in which an organism can resist disease. 170 | 3.000 a statement, an idea expressed in language a brief statement. 171 | 3.500 perform a duty do duty or hold offices; serve in a specific function. 172 | 3.250 soldier who is a member of a special forces group a member of a military unit trained as shock troops for hit-and-run raids. 173 | 4.000 become master of, overcome, dominate get on top of; deal with successfully. 174 | 0.500 area of damaged, cut tissue on a living body a casualty to military personnel resulting from combat. 175 | 1.750 revolve change directions as if revolving on a pivot. 176 | 4.000 twice the quantity or amount of something a quantity that is twice as great as another. 177 | 3.250 Give an incentive for action, provoke or stir up, urge on, or cause to act. provoke or stir up. 178 | 3.000 Funeral direction the trade of a funeral director. 179 | 4.250 to ignite or catch on fire catch fire. 180 | 2.750 a large approximate quantity of some attribute or thing a concentrated example of something. 181 | 3.000 Medicines a substance that is used as a medicine or narcotic. 182 | 3.750 a method for solving a problem the successful action of solving a problem. 183 | 2.000 reach an objective, attain a benchmark or goal develop in a positive way. 184 | 1.600 take something or someone away from somewhere go away or leave. 185 | 1.000 a stiffener in a garment (nautical) brace consisting of a heavy rope or wire cable used as a support for a mast or spar. 186 | 3.800 a constructed underground passageway a passageway through or under something, usually underground (especially one for trains or cars). 187 | 2.250 discern, identify, or know because of a previous experience be fully aware or cognizant of. 188 | 3.000 move or change one's own position or quality move very slightly. 189 | 1.750 incorporate or enclose one thing in another incorporate a food ingredient into a mixture by repeatedly turning it over without stirring or beating. 190 | 1.750 guide, draw through pass over, across, or through. 191 | 3.400 rescue, redeem, deliver from harm or danger refrain from harming. 192 | 4.000 beat (as if) with a whip or rod strike as if by whipping. 193 | 4.400 the medical procedure of manually turning the uterus manual turning of a fetus in the uterus (usually to aid delivery). 194 | 2.600 create an edge or border enclose in or as if in a frame. 195 | 2.250 restart or continue an activity after an interruption or pause take up or begin anew. 196 | 2.750 capture, ensnare, discover in the act discover or come upon accidentally, suddenly, or unexpectedly; catch somebody doing something or in a certain state. 197 | 3.250 initiation, founding, introduction of something the act of starting something for the first time; introducing something new. 198 | 2.750 a creased or bent form an angular or rounded shape made by folding. 199 | 4.500 train, tutor or polish social behavior, taste, judgement teach or refine to be discriminative in taste or judgment. 200 | 3.250 a mental activity of construing or interpreting an interpretation of a text or action. 201 | 4.250 emphasize; draw attention to; underline draw a line or lines underneath to call attention to. 202 | 2.000 possibility for the future a prediction of the course of a disease. 203 | 3.250 require or need something that is missing have need of. 204 | 2.750 an indication or manifestation of something, often physical an indication of damage. 205 | 3.750 a sudden, brief burst of light a momentary brightness. 206 | 2.250 come or bring back to life, health, existence or use cause to regain consciousness. 207 | 3.250 A mental state of sadness. a mental state characterized by a pessimistic sense of inadequacy and a despondent lack of activity. 208 | 3.750 position or location change the act of changing the location of something. 209 | 3.750 (cause to) move through a space, circuit or system, usu. returning to the starting point move in circles. 210 | 3.750 bring in to consonance bring (several things) into consonance or relate harmoniously. 211 | 1.500 submit, send to cause to move; cause to be in a certain position or condition. 212 | 3.750 state of being unified the state of being joined or united or linked. 213 | 3.000 (Cause to) become different or aquire a different character, possibly during development. become distinct and acquire a different character. 214 | 3.500 an objective or goal the goal intended to be attained (and which is believed to be attainable). 215 | 3.500 seize and take captive; take or gain possession of something take possession of by force, as after an invasion. 216 | 3.250 give, dedicate, pledge give entirely to a specific person, activity, or cause. 217 | 4.000 decide a specific time for an event make a schedule; plan the time and place for events. 218 | 4.750 value a thing or course of action more highly than another like better; value more highly. 219 | 3.750 give something for a cause give to a charity or good cause. 220 | 3.750 furnish with a guideline furnish with rubrics or regulate by rubrics. 221 | 2.500 a social entreaty, as courtship or pleading a petition or appeal made to a person of superior status or rank. 222 | 2.250 fail in strength or health and cease to funtion break down, literally or metaphorically. 223 | 3.667 reply verbally or in written form to a question, comment, letter, or speech react verbally. 224 | 3.750 a slight cut in a physical surface a slight surface cut (especially a notch that is made to keep a tally). 225 | 3.250 cause something to be the case cause to move; cause to be in a certain position or condition. 226 | 4.000 a state of confinement in a small space the act of forcing yourself (or being forced) into or through a restricted space. 227 | 4.000 state or explain the meaning give a definition for the meaning of a word. 228 | 1.250 cause animals to move pursue for food or sport (as of wild animals). 229 | 4.500 be against, resist act against or in opposition to. 230 | 4.250 a quantity of money added to a bank account money deposited in a bank or some similar institution. 231 | 3.250 cause to come into existence; create bring into being. 232 | 2.500 Performance, routine a short theatrical performance that is part of a longer program. 233 | 4.250 people assembled together in a rhythmic movement a party of people assembled for dancing. 234 | 3.000 a computer server (computer science) a computer that provides client stations with access to files and printers as shared resources to a computer network. 235 | 2.250 forbid, prohibit forbid the public distribution of ( a movie or a newspaper). 236 | 3.000 computer text files (computer science) a computer file that contains text (and possibly formatting instructions) using seven-bit ASCII characters. 237 | 2.250 a speech act of acknowledging gratitude for something an acknowledgment of appreciation. 238 | 3.333 a state of pretending to be someone, something else an outward semblance that misrepresents the true nature of something. 239 | 2.750 Become widespread as an idea or feeling. cause to become widely known. 240 | 0.000 connect with; reach a target or goal perceive with the senses quickly, suddenly, or momentarily. 241 | 4.750 income collected as tax by a government government income due to taxation. 242 | 2.000 be the deciding factor in a state of affairs or an outcome shape or influence; give direction to. 243 | 3.000 end put an end to. 244 | 4.500 a region allocated to hold something the particular portion of space occupied by something. 245 | 0.750 acknowledge a contribution or cause have trust in; trust in the truth or veracity of. 246 | 2.000 arrangement logical or comprehensible arrangement of separate elements. 247 | 3.750 system of arrangement an arrangement scheme. 248 | 3.750 close within bounds; deprive of freedom to close within bounds, limit or hold back from movement. 249 | 4.750 to collect, acquire or gather get or gather together. 250 | 0.500 deliver a formal talk or reprimand at length censure severely or angrily. 251 | 5.000 a pair of mated people, e.g., married a pair of people who live together. 252 | 4.750 rot; become unfit for consumption become unfit for consumption or use. 253 | 3.250 lock with one another become engaged or intermeshed with one another. 254 | 4.500 take vows, join or allow to join a religious order take vows, as in religious order. 255 | 4.750 activity of selling the general activity of selling. 256 | 4.500 give out, allow to have allow to have. 257 | 4.750 secondary public school, grades 9-12 a public secondary school usually including grades 9 through 12. 258 | 3.000 Benjamin Rush, physician and American Revolutionary leader. physician and American Revolutionary leader; signer of the Declaration of Independence (1745-1813). 259 | 2.500 luggage compartment of a car British term for the luggage compartment in a car. 260 | 4.500 have a monopoly of; control fully have or exploit a monopoly of. 261 | 3.750 reduce to a simpler molecular compound reduce (petroleum) to a simpler compound by cracking. 262 | 2.500 cause to be interested attract; cause to be enamored. 263 | 3.500 To remain emotionally or intellectually attached without necessary physical contact. to remain emotionally or intellectually attached. 264 | 4.750 The act of transporting goods commerically at rates cheaper than express rates. transporting goods commercially at rates cheaper than express rates. 265 | 4.500 (An occurance of) the preservation or management of natural resources. the preservation and careful management of the environment and of natural resources. 266 | 4.000 remove the pod, husk or shell fall out of the pod or husk. 267 | 4.000 abstain from eating or from certain foods abstain from eating. 268 | 4.000 feel hot or painful, as if burning feel hot or painful. 269 | 4.750 (cause to) return after being refused come back after being refused. 270 | 4.250 a loss of function loss of ability to function normally. 271 | 3.500 administrator, one who controls resources someone who controls resources and expenditures. 272 | 3.750 a stovetop, cooking appliance a kitchen appliance used for cooking food. 273 | 4.500 rinse one's mouth with mouthwash, gargle rinse one's mouth and throat with mouthwash. 274 | 4.000 a quantity that is an approximate calculation an approximate calculation of quantity or degree or worth. 275 | 4.000 turn on an axis; spin turn on or around an axis or a center. 276 | 5.000 marriage offer an offer of marriage. 277 | 3.500 Try to gain favor by flattering or showing submission or fear. show submission or fear. 278 | 4.250 the public submission of a legal record the entering of a legal document into the public record. 279 | 4.000 Shrivel, wither, or mature imperfectly, as of a flower. shrivel or wither or mature imperfectly. 280 | 4.250 have faith in, bet on have faith or confidence in. 281 | 4.250 burst into flames (telic) start to burn or burst into flames. 282 | 4.500 The cognitive processes and capacity to remember. the cognitive processes whereby past experience is remembered. 283 | 4.000 mechanism that controls the water level in a section of canal enclosure consisting of a section of canal that can be closed to control the water level; used to raise or lower vessels that pass through it. 284 | 5.000 an onerous worry or concern an onerous or difficult concern. 285 | 5.000 someone or something that is the agent of fulfilling desired expectations someone (or something) on which expectations are centered. 286 | 3.333 a sharp side of an object a sharp side formed by the intersection of two surfaces of an object. 287 | 2.750 the forceful hit of a ball hitting a golf ball off of a tee with a driver. 288 | 3.500 Fine powdery material; the remains of something destroyed or broken up. the remains of something that has been destroyed or broken up. 289 | 2.000 throw with force utter with force; utter vehemently. 290 | 4.000 Treat a substance with some agent; add an agent to. treat with an agent; add (an agent) to. 291 | 3.500 pass through the esophagus pass through the esophagus as part of eating or drinking. 292 | 4.750 move freely (usually within a bounded space) cause to move or operate freely within a bounded space. 293 | 3.500 secrete or form water secrete or form water, as tears or saliva. 294 | 4.000 the state of being in contact the state of being connected. 295 | 3.500 a variant of a musical theme which employs notes of reduced duration from the original theme the statement of a theme in notes of lesser duration (usually half the length of the original). 296 | 3.750 time to come the time yet to come. 297 | 4.750 the legal state of owing money the state of owing something (especially money). 298 | 4.500 a style and size of typeset a specific size and style of type within a type family. 299 | 4.000 demand, ask for, or take as one's due demand as being one's due or property; assert one's right or title to. 300 | 3.500 Cause to be distrusted or rejected; damage the reputation of. damage the reputation of. 301 | 3.000 Give equal rights to, as of the right to vote. give equal rights to; of women and minorities. 302 | 3.000 (cause to) lengthen or expand in time or some abstract realm lengthen in time; cause to be or last longer. 303 | 4.750 a knapsack, bundle on the back a bundle (especially one carried on the back). 304 | 4.250 a person who delivers information or goods a person who conveys (carries or transmits). 305 | 4.250 having an intuitive understanding or appreciation of something an intuitive understanding of something. 306 | 5.000 adherence to moral principles adhering to moral principles. 307 | 5.000 have sex with have sexual intercourse with. 308 | 4.750 partake or provide a banquet partake in a feast or banquet. 309 | 4.750 idolize/show devotion to show devotion to (a deity). 310 | 5.000 make a ticking sound make a clicking or ticking sound. 311 | 3.250 run or flow slowly run or flow slowly, as in drops or in an unsteady stream. 312 | 4.500 Write a computer programme. write a computer program. 313 | 5.000 a state of social order in conformance with existing law a state of order in which events conform to the law. 314 | 4.500 An electronic storage device. an electronic memory device. 315 | 4.250 a reference line used to align lettering a light line that is used in lettering to help align the letters. 316 | 3.750 the quality of dedication, fixity of purpose the trait of sincere and steadfast fixity of purpose. 317 | 4.000 Look furtively at something. look furtively. 318 | 3.500 cast off, get rid of something get rid of. 319 | 4.250 recover posession or get back again get or find back; recover the use of. 320 | 4.750 a coefficient assigned to elements in a frequency distribution in order to indicate the relative importance of each element (statistics) a coefficient assigned to elements of a frequency distribution in order to represent their relative importance. 321 | 4.000 (cause to) move around cause to move round and round. 322 | 3.000 become due become due for repayment. 323 | 3.500 Provide medical care for. provide veterinary care for. 324 | 3.750 do over, make new make new. 325 | 4.500 coat, cover, or treat the surface of put a coat on; cover the surface of; furnish with a surface. 326 | 4.000 BASEBALL: strike out a batter strike out (a batter), (of a pitcher). 327 | 3.250 Regain or make up for, as of a financial loss. regain or make up for. 328 | 4.750 duplicate, match duplicate or match. 329 | 4.250 indistinct vocal articulations indistinct articulation. 330 | 4.000 the act of shoving something away the act of applying force in order to move something away. 331 | 5.000 move or drive forcefully as if by a punch. drive forcibly as if by a punch. 332 | 4.750 an intense surprise, often unpleasant an unpleasant or disappointing surprise. 333 | 4.250 Make less emotionally hostile; win over mentally or emotionally. make less hostile; win over. 334 | 4.250 informal usage for a domestic cat, often young informal terms referring to a domestic cat. 335 | 4.750 The act of sorting one thing from others. sorting one thing from others. 336 | 4.000 the act of physically affixing or connecting things the act of fastening things together. 337 | 4.000 the people who dwell in a camp a group of people living together in a camp. 338 | 5.000 An unforseen development. an unforeseen development. 339 | 3.000 bring into general popular/common use cater to popular taste to make popular and present to the general public; bring into general or common use. 340 | 3.250 make impure; make radioactive make impure. 341 | 4.750 a long, thin implement, usually made of wood an implement consisting of a length of wood. 342 | 4.000 Formally reject or disavow a formerly held belief; retract a statement. formally reject or disavow a formerly held belief, usually under pressure. 343 | 2.250 (Cause to) to turn to the left side. turn or go to the port or left side, of a ship. 344 | 3.750 Entail as a necessary accompaniment or result impose, involve, or imply as a necessary accompaniment or result. 345 | 4.250 Physically attach to something. fix to; attach. 346 | 4.750 assign to a particular task assign to a specific task. 347 | 3.750 culminating event be the culminating event. 348 | 4.750 act of constructing the act of constructing something. 349 | 4.750 the primary information-processing component of a computer, of a microprocessor chip (computer science) the part of a computer (a microprocessor chip) that does most of the data processing. 350 | 4.000 consider again, usually with a view to changing consider again (a bill) that had been voted upon before, with a view to altering it. 351 | 3.500 cancel, reverse, annul cancel, annul, or reverse an action or its effect. 352 | 4.500 define; determine essential qualities of determine the essential quality of. 353 | 3.250 The pursuit and killing or capture of animals. the pursuit and killing or capture of wild animals regarded as a sport. 354 | 3.500 manipulate the registers of a musical instrument manipulate the registers of an organ. 355 | 3.750 move in an irregular course move to and fro or from place to place usually in an irregular course. 356 | 4.000 the legal granting or bestowment of rights the act of granting rights. 357 | 3.750 jolt of electrical current to the body a reflex response to the passage of electric current through the body. 358 | 4.000 Become pregnant. become pregnant; undergo conception. 359 | 3.750 the bestowing of a franchise, enfranchisment the act of certifying or bestowing a franchise on. 360 | 3.750 act of distributing the act of apportioning or distributing something. 361 | 4.500 The state of being more than satisfied or satiated. the state of being more than full. 362 | 4.000 conscious subjective emotion or desire the conscious subjective aspect of feeling or emotion. 363 | 3.750 The act of proposing someone as a candidate for something. the condition of having been proposed as a suitable candidate for appointment or election. 364 | 4.000 to hunt snipe hunt or shoot snipe. 365 | 3.500 hunt for hawks hunt with hawks. 366 | 1.750 a continuous horizontal layer of brick (construction) a layer of masonry. 367 | 3.750 a brief attempt at some endeavor a usually brief attempt. 368 | 4.000 propagation of waves back from a surface the phenomenon of a propagating wave (light or sound) being thrown back from a surface. 369 | 3.500 examine minutely; search diligently examine minutely. 370 | 3.000 enjoy, be fond of or approve be fond of. 371 | 5.000 a person under the guardianship or custody of another a person who is under the protection or in the custody of another. 372 | 4.750 Strike or hit sharply, perhaps as in sport. strike sharply, as in some sports. 373 | 5.000 Fly in or on a glider plane fly in or as if in a glider plane. 374 | 4.750 one fourth of a year a fourth part of a year; three months. 375 | 2.750 make an abstract thing tight or more restrictive make tight or tighter. 376 | 4.500 provide (a person or group) with power or authority provide with power and authority. 377 | 3.750 Run at a moderately swift pace, as for exercise. run at a moderately swift pace. 378 | 4.750 Envelop completely; form a cover over. form an impenetrable cover over. 379 | 4.250 mold for casting, setting concrete a mold for setting concrete. 380 | 3.500 cause friction; wear away or erode wear away or erode. 381 | 4.500 A feeling for something that is desired intensely. something that is desired intensely. 382 | 4.250 put or store in a bottle store (liquids or gases) in bottles. 383 | 4.000 Be a sign or indication of; have as a meaning. be a sign or indication of. 384 | 4.250 the act of choosing, picking one among many the act of choosing or selecting. 385 | 4.250 act of becoming distant, moving away from the act of becoming more distant. 386 | 3.750 take in marriage; perform a marriage ceremony take in marriage. 387 | 4.500 Skip, leap, or move up and down or sideways as a manner of motion. skip, leap, or move up and down or sideways. 388 | 3.250 a military fortification, stronghold a stronghold. 389 | 3.250 the fashionable elite of a given community the fashionable elite. 390 | 4.500 characteristic call of an animal the characteristic utterance of an animal. 391 | 4.500 make or become more acute or intense make more intense, stronger, or more marked. 392 | 4.250 A journey for some purpose. a journey for some purpose (usually including the return). 393 | 4.000 Fake or falsify; control in a fraudulent manner. manipulate in a fraudulent manner. 394 | 3.250 fruit cooked down with sugar, jam fruit preserved by cooking with sugar. 395 | 4.000 the act of leading or guiding others the activity of leading. 396 | 4.250 coating used as a repellant to moisture a finishing coat applied to exclude moisture. 397 | 4.250 a person who cleans chimneys someone who cleans soot from chimneys. 398 | 3.500 Shine intensely; emit a steady, even light from a source. emit a steady even light without flames. 399 | 3.500 behave in a certain way; have a specific effect or outcome behave in a certain way. 400 | 4.500 communicate with a hiss express or utter with a hiss. 401 | 3.750 a male bee whose function is to fertilize the queen stingless male bee in a colony of social bees (especially honeybees) whose sole function is to mate with the queen. 402 | 3.750 a sporting match, boxing a boxing or wrestling match. 403 | 4.500 cause to reproduce (plants or animals) cause to procreate (animals). 404 | 4.750 The feeling of annoyance at being hindered or thwarted. a feeling of annoyance at being hindered or criticized. 405 | 4.250 move along on wheels move along on or as if on wheels or a wheeled vehicle. 406 | 3.750 [provide with a new or different resting place provide with a new seat. 407 | 4.500 activity of extracting ore or other matter from the ground the act of extracting ores or coal etc from the earth. 408 | 3.500 to interrupt, enter uninvited enter uninvited. 409 | 4.000 A person or thing equal to another in value or significane. a person or thing equal to another in value or measure or force or effect or significance etc. 410 | 3.750 a cause or source of harm a cause of pain or injury or loss. 411 | 4.500 make (more) comprehensible make clear and (more) comprehensible. 412 | 4.500 the state of being retained the act of retaining something. 413 | 4.000 a problem, something wrong a problem. 414 | 4.750 stretch out or over completely stretch out completely. 415 | 2.500 continue to live, exist, or prosper continue to live through hardship or adversity. 416 | 3.750 a caress with the lips the act of caressing with the lips (or an instance thereof). 417 | 3.500 Provide with rails, as by laying. lay with rails. 418 | 4.500 the close approach of one object to another the motion of one object relative to another. 419 | 4.000 make a hole with a pointed tool make a hole, especially with a pointed power or hand tool. 420 | 4.000 Fix (something old) with a new part; improve. piece (something old) with a new part. 421 | 4.250 the act of damaging something, causing breakage the act of breaking something. 422 | 3.750 the ground level of a multi-storied building the floor of a building that is at or nearest to the level of the ground around the building. 423 | 2.250 A quantity of something a quantity of money. 424 | 3.000 a large room the large room of a manor or castle. 425 | 4.500 leave out, omit, prevent from entering prevent from entering; keep out. 426 | 4.000 Sniff at inquiringly. sniff or smell inquiringly. 427 | 4.750 provide lodging for provide housing for. 428 | 4.750 Change the purpose or functioning of a system. change the inherent purpose or function of something. 429 | 4.667 provide with tools or items for a specific purpose provide with (something) usually for a specific purpose. 430 | 4.000 gain points in a game; add up (numbers) gain points in a game. 431 | 4.333 travel in front of, be first, precede travel in front of; go in advance of others. 432 | 4.667 Remove by rubbing remove by or as if by rubbing or erasing. 433 | 4.667 the hard upper part of the human nose the hard ridge that forms the upper part of the nose. 434 | 4.333 make shine make (a surface) shine. 435 | 4.250 recover, return to former state return to a former condition. 436 | 4.000 remove the pod, husk or shell remove the husks from. 437 | 4.250 speed up the process of speed up the progress of; facilitate. 438 | 4.750 (cause to) swing and miss the third pitch, striking out strike out by swinging and missing the pitch charged as the third. 439 | 3.750 Literally and quantifiably raise in social rank or status. raise in rank, character, or status. 440 | 3.250 alter by chemical means, to make images. make visible by means of chemical solutions. 441 | 3.500 highly infectious viral disease an acute febrile highly contagious viral disease. 442 | 4.250 make a certain size or sort according to size make to a size; bring to a suitable size. 443 | 4.000 Remove tree stumps from an area. remove tree stumps from. 444 | 3.250 pass the tongue over, take up with the tongue pass the tongue over. 445 | 5.000 a computer-generated visual image an image that is generated by a computer. 446 | 4.000 do better in a competition; win come out better in a competition, race, or conflict. 447 | 3.500 aerodynamic force that opposed gravity the component of the aerodynamic forces acting on an airfoil that opposes gravity. 448 | 3.000 Start abruptly, ignite start abruptly. 449 | 4.000 a local announcement made within a public broadcast (broadcasting) a local announcement inserted into a network program. 450 | 4.000 making real or concrete something that is made real or concrete. 451 | 4.000 Sound sharply or shrilly, as if stabbing. sound sharply or shrilly. 452 | 4.000 the act of officially gaining entrance to somewhere the act of admitting someone to enter. 453 | 4.000 spend time in prison spend time in prison or in a labor camp. 454 | 4.750 hold, contain within contain or hold; have within. 455 | 4.750 act of verbally informing the act of informing by verbal report. 456 | 4.000 forcefully request request urgently and forcefully. 457 | 4.500 the quality of dissimilarity the quality of being unlike or dissimilar. 458 | 4.000 throw quickly, flick throw quickly. 459 | 3.000 move to and fro around a particular point or points, remain near move to and fro. 460 | 3.750 Put up with something or someone unpleasant; show deference towards someone or some authority. put up with something or somebody unpleasant. 461 | 3.750 the breakup or termination of a social relationship the termination or disintegration of a relationship (between persons or nations). 462 | 5.000 destruction of a ship destroy a ship. 463 | 3.500 The human act of making something new. the act of starting something for the first time; introducing something new. 464 | 4.500 ride (a bicycle or motorcycle) ride a motorcycle. 465 | 5.000 The principal activity that one does to earn money. the principal activity in your life that you do to earn money. 466 | 4.750 maintain or preserve a particular condition, state, or activity continue a certain state, condition, or activity. 467 | 3.750 a spoken or written reply to a question a statement (either spoken or written) that is made to reply to a question or request or criticism or accusation. 468 | 5.000 committee with supervisory powers a committee having supervisory powers. 469 | 4.250 a section of a composition, textual or musical a short section of a musical composition. 470 | 4.750 a gear for changing the motion of a machine to the opposite direction the gears by which the motion of a machine can be reversed. 471 | 4.500 take a digestion-aiding walk after a meal take a walk for one's health or to aid digestion, as after a meal. 472 | 3.750 forked form or shape a part of a forked or branching shape. 473 | 4.750 insert or close with a plug fill or close tightly with or as if with a plug. 474 | 4.000 incite some act of insubordination incite, move, or persuade to some act of lawlessness or insubordination. 475 | 3.500 formally announce the termination of an agreement announce the termination of, as of treaties. 476 | 4.000 beat or pound rapidly cause to throb or beat rapidly. 477 | 4.000 Make a line or marks on a surface; copy by following the lines of make a mark or lines on a surface. 478 | 3.750 recite as a chant, intone recite with musical intonation; recite as a chant or a psalm. 479 | 4.000 the ability of computers to exchange digital information between them and make use of it (computer science) the ability to exchange and use information (usually in a large heterogeneous network made up of several local area networks). 480 | 4.500 act of applying force the act of applying force suddenly. 481 | 5.000 the process of becoming less or smaller a process of becoming smaller or shorter. 482 | 4.250 Be in command of; exercise authority or control over. exercise authoritative control or power over. 483 | 4.250 be a factor or play a role in something be or play a part of or in. 484 | 4.500 an expanse of land an extended area of land. 485 | 3.500 move an implement through with a circular motion, mix move an implement through. 486 | 3.750 deprive of courage, hope, or optimism deprive of courage or hope; take away hope from; cause to feel discouraged. 487 | 2.750 the armed forces a force that is a branch of the armed forces. 488 | 2.750 Furnish with metal spurs. furnish with spars. 489 | 3.250 Remove water from a substance. remove water from. 490 | 3.250 Provide with rails, as by laying. provide with rails. 491 | 4.500 make or be a summary be a summary of. 492 | 3.750 be affected with smut or mildew affect with smut or mildew, as of a crop such as corn. 493 | 3.000 Talk or behave amorously; have sex with. talk or behave amorously, without serious intentions. 494 | 3.500 Excuse some minor social infraction; accept an excuse for something. accept an excuse for. 495 | 4.750 indicate, be signs or symptoms of be a signal for or a symptom of. 496 | 3.500 a verbal or written request for access to something. a verbal or written request for assistance or employment or admission to a school. 497 | 4.750 have a logical result have as a logical consequence. 498 | 4.750 Travel on foot. cross on foot. 499 | 4.500 the act of suction the act of sucking. 500 | 4.250 A band of leather or rope made to identify animals. a band of leather or rope that is placed around an animal's neck as a harness or to identify it. 501 | 4.750 Put a harness on. put a harness. 502 | 4.750 Provide or equip specifically with furniture. provide or equip with furniture. 503 | 4.750 To move (the head or body) quickly downwards or away (from something). to move (the head or body) quickly downwards or away. 504 | 5.000 reason or establish by deduction reason by deduction; establish by deduction. 505 | 3.750 Make pregnant; fertilize and cause to grow. fertilize and cause to grow. 506 | 5.000 find the solution to or understand the meaning of find the solution to (a problem or question) or understand the meaning of. 507 | 4.750 Move about in a confused or purposeless manner. move about in a confused manner. 508 | 4.250 put up with something unpleasant put up with something or somebody unpleasant. 509 | 5.000 A means or agency by which something is communicated. a means or agency by which something is expressed or communicated. 510 | 5.000 take apart into constituent pieces take apart into its constituent pieces. 511 | 5.000 A short theatrical program that is part of a longer program. a short theatrical performance that is part of a longer program. 512 | 4.000 decree, issue an order issue an order. 513 | 5.000 the termination, ending of a meeting the termination of a meeting. 514 | 5.000 An indicator that orients one generally. an indicator that orients you generally. 515 | 4.000 Increase the acoustic volume of. increase the volume of. 516 | 5.000 open to members of all races and ethnic groups open (a place) to members of all races and ethnic groups. 517 | 5.000 reduce to small pieces by pounding or abrading reduce to small pieces or particles by pounding or abrading. 518 | 4.000 hit a fly (baseball) hit a fly. 519 | 3.750 FISHING-exhaust by allowing to pull on the line exhaust by allowing to pull on the line. 520 | 3.750 be or come into conflict be incompatible; be or come into conflict. 521 | 3.250 Produce a phonemic click. produce a click. 522 | 5.000 angle with a hook and line and draw through water angle with a hook and line drawn through the water. 523 | 5.000 the front face of a building the face or front of a building. 524 | 5.000 make something more diverse or varied make something more diverse and varied. 525 | 4.000 issue bonds on something issue bonds on. 526 | 5.000 women's sleeveless undergarment a woman's sleeveless undergarment. 527 | 3.500 Move oneself very fast. move very fast. 528 | 4.000 Oppose or approach, as in hostility or competition oppose, as in hostility or a competition. 529 | 3.750 make more complex or intricate make more complex, intricate, or richer. 530 | 4.250 cause to be/show to be invalid show to be invalid. 531 | 4.500 create a new entity by putting components or members together create by putting components or members together. 532 | 4.750 the activity of providing supplies the activity of supplying or providing something. 533 | 5.000 make or become brighter or lighter make lighter or brighter. 534 | 5.000 actors in a play the actors in a play. 535 | 5.000 take someone's soul into heaven take up someone's soul into heaven. 536 | 5.000 Discipline in personal or social activities. discipline in personal and social activities. 537 | 4.750 a person eating a meal, often in a restaurant a person eating a meal (especially in a restaurant). 538 | 4.250 A sudden (emotional) outburst. a sudden outburst. 539 | 4.000 make or become harder make hard or harder. 540 | 5.000 the introductory portion of a story the introductory section of a story. 541 | 3.750 work material with a tool work with a tool. 542 | 4.500 make or become less strict or severe make less severe or strict. 543 | 4.750 support by placing on or against something solid support by placing against something solid or rigid. 544 | 5.000 Part, cease, or break association with (something). part; cease or break association with. 545 | 5.000 have the financial means to obtain, buy, or do something have the financial means to do something or buy something. 546 | 4.250 A list of candidates nominated by a political party to run for election. a list of candidates nominated by a political party to run for election to public offices. 547 | 5.000 say, state, or perform again to say, state, or perform again. 548 | 5.000 allow the passage of air allow the passage of air through. 549 | 5.000 unite; merge with something already in existence unite or merge with something already in existence. 550 | 5.000 use resources or materials use up (resources or materials). 551 | 5.000 make or become harder become hard or harder. 552 | 5.000 (Cause to) be firmly attached or closed. cause to be firmly attached. 553 | 5.000 make or become wider or more extensive become broader or wider or more extensive. 554 | 4.750 Unrestricted freedom to use something. unrestricted freedom to use. 555 | 4.750 laying claim, the act of taking possession of, or power over, something. the act of taking possession of or power over something. 556 | 4.750 give structure to give a structure to. 557 | 5.000 mark with scars mark with a scar. 558 | 5.000 (Baseball) Tag the base runner to get him out. tag the base runner to get him out. 559 | 4.400 Be reflected as heat, light, or shock waves;. be reflected as heat, sound, or light or shock waves. 560 | 4.800 a competitor most likely to win a competitor thought likely to win. 561 | 4.600 make or become longer become long or longer. 562 | 4.600 be on base at the end of an inning to be on base at the end of an inning, of a player. 563 | 3.500 Either of the two categories (male or female) into which most organisms are divided, or key properties that distinguish the categories. either of the two categories (male or female) into which most organisms are divided. 564 | 3.500 (science) The atomic weight of an element that has the same combining capacity as a given weight of another element. the atomic weight of an element that has the same combining capacity as a given weight of another element; the standard is 8 for oxygen. 565 | 4.750 provide with a toggle provide with a toggle or toggles. 566 | 4.250 (cause to) move back and forth or side to side cause to move back and forth. 567 | 3.750 measure the depth of a body of water measure the depth of (a body of water) with a sounding line. 568 | 5.000 make a loud noise, as an animal make a loud noise, as of animal. 569 | 5.000 The act of coming to rest after a voyage. the act of coming to land after a voyage. 570 | 5.000 join or bring together (two) objects, ideas, or people bring two objects, ideas, or people together. 571 | 4.500 Make reference to something. make reference to. 572 | 4.250 Behave violently, as if in a state of great anger; break or tear violently. behave violently, as if in state of a great anger. 573 | 4.750 Form a spiral or move in a spiral course. move in a spiral or zigzag course. 574 | 4.250 a feeling of aversion, distaste, antipathy a feeling of aversion or antipathy. 575 | 4.000 Release (gas or energy) as a result of a chemical reaction or physical decomposition (perhaps in a metaphorical sense) release (gas or energy) as a result of a chemical reaction or physical decomposition. 576 | 4.000 overcome with amazement; flabbergast overcome with amazement. 577 | 3.750 behave in a condescending manner behave in a patronizing and condescending manner. 578 | 4.000 take into one's family or group take into one's family. 579 | 5.000 (Contract bridge) the highest bid becomes the contract setting in the number of tricks that the bidder must make. (contract bridge) the highest bid becomes the contract setting the number of tricks that the bidder must make. 580 | 5.000 go on a campaign or off to war go on a campaign; go off to war. 581 | 4.250 react, or respond to a call, command, or stimulus react to a stimulus or command. 582 | 5.000 (Literally) sound with resonance. sound with resonance. 583 | 4.750 an injury to the skin caused by radiation, heat or chemicals an injury caused by exposure to heat or chemicals or radiation. 584 | 4.250 make a causal or logical connection; group together make a logical or causal connection. 585 | 5.000 Apply conditioner to make smooth and shiny. apply conditioner to in order to make smooth and shiny. 586 | 5.000 exercise or have power of memory exercise, or have the power of, memory. 587 | 4.750 A feeling or state of extreme anger. a state of extreme anger. 588 | 5.000 Wrinkled, crumpled, or creased. become wrinkled or crumpled or creased. 589 | 5.000 Admit to testing/proof admit to testing or proof. 590 | 5.000 an accounting period of 12 months any accounting period of 12 months. 591 | 4.333 praise the qualities in order to sell or promote make a plug for; praise the qualities or in order to sell or promote. 592 | 3.750 relative darkness of a color relative darkness or lightness of a color. 593 | 4.250 Strike heavily, especially with a fist or implement. strike heavily, especially with the fist or a bat. 594 | 4.750 Make receptive or willing toward an action or belief. make receptive or willing towards an action or attitude or belief. 595 | 5.000 open again, open anew open again or anew. 596 | 4.000 A conceptual formulation; a way of conceiving something. a way of conceiving something. 597 | 5.000 heat metal prior to working it heat a metal prior to working it. 598 | 4.500 feel the strong need to eat feel the need to eat. 599 | 3.667 be in direct physical contact with be in direct physical contact with; make contact. 600 | 3.667 Give suck to; receive suck. give suck to. 601 | 4.333 covering for a bed decorative cover for a bed. 602 | 5.000 grip, penetrate or tear off with or as if with the teeth or jaws to grip, cut off, or tear with or as if with the teeth or jaws. 603 | 4.500 play a stringed instrument with a bow play on a string instrument with a bow. 604 | 4.000 Doubt or an impression that something might not be the case. an impression that something might be the case. 605 | 4.750 A successful throw or try for a point after a touchdown. a successful free throw or try for point after a touchdown. 606 | 4.500 Express audibly; utter sounds (not necessarily words); indicate. express audibly; utter sounds (not necessarily words). 607 | 5.000 hold back in uncertainty or unwillingness pause or hold back in uncertainty or unwillingness. 608 | 5.000 a serving of a beverage a single serving of a beverage. 609 | 4.500 Give an incentive or reason for action. give an incentive for action. 610 | 5.000 the day before today the day immediately before today. 611 | 4.333 take or capture by force or authority take or capture by force. 612 | 5.000 (Medicine) Apply a plaster cast to. apply a plaster cast to. 613 | 5.000 interfere with someone else's activity interfere in someone else's activity. 614 | 5.000 Assign a new time for an event assign a new time and place for an event. 615 | 4.750 Value measured by what must be given or done to obtain something. value measured by what must be given or done or undergone to obtain something. 616 | 4.500 touch or hold with the hands touch, lift, or hold with the hands. 617 | 5.000 scrape or rub to relieve itching scrape or rub as if to relieve itching. 618 | 4.750 give a detailed account of narrate or give a detailed account of. 619 | 5.000 Any activity that acquires a person's attention. any activity that occupies a person's attention. 620 | 5.000 cause to become awake or alert cause to become awake or conscious. 621 | 4.500 provide a feast or banquet provide a feast or banquet for. 622 | 5.000 The act of hindering someone's plans or efforts. an act of hindering someone's plans or efforts. 623 | 4.250 Fool or hoax (someone). fool or hoax. 624 | 4.750 raising the stakes or bet of a game by a factor of 2 raising the stakes in a card game by a factor of 2. 625 | 4.500 The (period of) control of a country by military forces of a foreign power. the control of a country by military forces of a foreign power. 626 | 5.000 (computer science) the occurence of an incorrect result produced by a computer. (computer science) the occurrence of an incorrect result produced by a computer. 627 | 4.000 give pleasure, satifaction, or happiness; be pleasing to give pleasure to or be pleasing to. 628 | 5.000 the soft padding under a saddle a soft pad placed under a saddle. 629 | 5.000 elecate or idealize in allusion to Christ's transfiguration elevate or idealize, in allusion to Christ's transfiguration. 630 | 4.750 inability of the heart to pump blood to sustain life functions inability of the heart to pump enough blood to sustain normal bodily functions. 631 | 4.000 cause to vibrate in a different pattern cause to vibrate in a definite pattern. 632 | 4.500 warn or call to a sense of preparedness warn or arouse to a sense of danger or call to a state of preparedness. 633 | 4.500 Adapt oneself to new or different conditions. adapt or conform oneself to new or different conditions. 634 | 4.500 move faster, or cause to move faster cause to move faster. 635 | 5.000 Supply food ready to eat, as for parties and banquets. supply food ready to eat; for parties and banquets. 636 | 4.000 express protest or dissent, raise an objection express or raise an objection or protest or criticism or express dissent. 637 | 4.250 clear mucus from one's throat clear mucus or food from one's throat. 638 | 5.000 pass into a state or condition pass into a specified state or condition. 639 | 3.750 add embellishments (to medieval manuscripts) add embellishments and paintings to (medieval manuscripts). 640 | 4.750 make or become thick make thick or thicker. 641 | 4.750 move or execute very quickly or hastily run or move very quickly or hastily. 642 | 4.000 hurt, feel physical pain feel physical pain. 643 | 4.250 tell or spread rumors; say tell or spread rumors. 644 | 4.250 throw with force or recklessness; cast away throw with force or recklessness. 645 | 4.500 return to in thought or speech return in thought or speech to something. 646 | 4.250 Try to cure by special care or treatment, of an illness or injury; treat carefully. try to cure by special care of treatment, of an illness or injury. 647 | 4.250 a sweeping cut with a sharp instrument a strong sweeping cut made with a sharp instrument. 648 | 4.500 Any address at which one dwells more than temporarily. any address at which you dwell more than temporarily. 649 | 4.750 BOTANY -- the usually underground organ of a plant that lacks buds or leaves or nodes, which absorbs water and mineral salts; usually it anchors the plant to the ground. (botany) the usually underground organ that lacks buds or leaves or nodes; absorbs water and mineral salts; usually it anchors the plant to the ground. 650 | 3.750 Reproduce or make an exact copy of; make, do, or perform again. reproduce or make an exact copy of. 651 | 4.500 pass (a thread) through or into,on or as if on a string thread on or as if on a string. 652 | 4.500 Engrave by means of dots. engrave by means of dots and flicks. 653 | 4.750 have a strong desire to do something have a strong desire or urge to do something. 654 | 4.500 be relevant or pertinent be pertinent or relevant or applicable. 655 | 4.000 indicate contempt by breathing noisily and forcefully through the news indicate contempt by breathing noisily and forcefully through the nose. 656 | 5.000 become aware of through the senses to become aware of through the senses. 657 | 4.500 cause to be alert or energetic cause to be alert and energetic. 658 | 4.500 Remove by erasing or crossing out, as if by drawing a line through. remove by erasing or crossing out or as if by drawing a line. 659 | 5.000 cook slowly for a long time in liquid cook slowly and for a long time in liquid. 660 | 3.750 the temperature at which a liquid boils, bubbles the temperature at which a liquid boils at sea level. 661 | 3.750 Make a map of; show or establish the features or details of; explore or survey for the purposes of making a map. make a map of; show or establish the features of details of. 662 | 5.000 The social force that binds one to the courses of action demanded by that force. the social force that binds you to the courses of action demanded by that force. 663 | 4.250 Avoid or try to avoid fulfilling, answering, or performing. avoid or try to avoid fulfilling, answering, or performing (duties, questions, or issues). 664 | 4.750 Lead someone in the wrong direction (physically); give wrong spatial directions. lead someone in the wrong direction or give someone wrong directions. 665 | 4.250 maintain, assert, or claim maintain or assert. 666 | 4.500 Improve by restoring to a previous or better condition. restore to a previous or better condition. 667 | 4.750 make accessible to some action, influence, or condition expose or make accessible to some action or influence. 668 | 4.000 Approach a limit as the number of terms increases without limit; specifically a mathematical term. approach a limit as the number of terms increases without limit. 669 | 5.000 The stiching that forms the rim of a shoe or boot. the stitching that forms the rim of a shoe or boot. 670 | 4.750 put under the control of the federal government put under the control and authority of a federal government. 671 | 5.000 Manual stimulation fo the genital area for sexual pleasure. manual stimulation of the genital area for sexual pleasure. 672 | 4.250 equip with a fuse equip with a fuse; provide with a fuse. 673 | 4.750 end of the American Revolution the successful ending of the American Revolution. 674 | 5.000 (mathematics) The smallest whole number or a numeral representing this number. the smallest whole number or a numeral representing this number. 675 | 4.500 stimulating or demanding factors of a situation a demanding or stimulating situation. 676 | 4.500 A physical portion of all or part of a natural object that is collected and preserved as an example of its class or total. all or part of a natural object that is collected and preserved as an example of its class. 677 | 5.000 Amplify an electron current by causing part of the power on the output circuit to act upon the input circuit. amplify (an electron current) by causing part of the power in the output circuit to act upon the input circuit. 678 | 3.250 A human utters words loudly and forcefully. utter words loudly and forcefully. 679 | 5.000 oppose with equal weight or force contrast with equal weight or force. 680 | 5.000 (Cause to) strike the air in flight. strike the air in flight. 681 | 5.000 Preserve in a tin or jar. preserve in a can or tin. 682 | 5.000 a chain of atoms in a molecule forming a closed loop (chemistry) a chain of atoms in a molecule that forms a closed loop. 683 | 5.000 make the surface level or smooth make the surface of level or smooth. 684 | 4.750 Impress or affect deeply (emotionally). impress or affect deeply. 685 | 4.750 Supply with a constant flow of some liquid, for the purpose of cooling, cleansing, or disinfecting. supply with a constant flow or sprinkling of some liquid, for the purpose of cooling, cleansing, or disinfecting. 686 | 4.750 apply a thin coating of paint/metal apply a thin coating of paint, metal, etc., to. 687 | 4.250 disregard, fail to attend to fail to attend to. 688 | 4.000 make a short, sharp sound make a sharp sound. 689 | 4.750 connect or fasten into a chain by linking connect or arrange into a chain by linking. 690 | 4.500 beat thoroughly in a competition or fight beat thoroughly and conclusively in a competition or fight. 691 | 5.000 Look through a book or some other written material (for information). look through a book or other written material. 692 | 5.000 state of being active the state of being active. 693 | 5.000 (theology) the act of deliving from sin or saving from evil. (theology) the act of delivering from sin or saving from evil. 694 | 4.250 declare or make unfit or unsuitable make unfit or unsuitable. 695 | 4.000 Cook on a hot surface using fat; cook in oil. cook on a hot surface using fat. 696 | 4.500 Improve by pruning or polishing improve or perfect by pruning or polishing. 697 | 4.500 An area that is central within some larger region. an area that is approximately central within some larger region. 698 | 5.000 start suddenly, as if from fright start suddenly, as from fright. 699 | 3.750 Be larger in number, quantity, power, status, or importance, without personally having sovereign power. be larger in number, quantity, power, status or importance. 700 | 5.000 Give oneself entirely to a specific person, activity, or cause. give entirely to a specific person, activity, or cause. 701 | 4.500 the finger next to the thumb, forefinger the finger next to the thumb. 702 | 4.750 put up with something or someone (unpleasant) put up with something or somebody unpleasant. 703 | 5.000 role or function of the head of a government department the role of the head of a government department. 704 | 4.250 consider again, usually with a view to changing consider again; give new consideration to; usually with a view to changing. 705 | 4.250 drive at an excessive or illegal velocity travel at an excessive or illegal velocity. 706 | 5.000 an air force military unit, smaller than a squadron an air force unit smaller than a squadron. 707 | 4.500 the act of giving someone a job, hiring someone the act of giving someone a job. 708 | 3.500 the act of annoying someone or something the act of troubling or annoying someone. 709 | 4.000 Droop, sink, or settle from or as if from pressure or loss of tautness; become less intense. droop, sink, or settle from or as if from pressure or loss of tautness. 710 | 5.000 Cite as an authority; resort to (as in an argument). cite as an authority; resort to. 711 | 4.500 Allocate or dedicate; set aside or apart for a specific purpose or use. set aside or apart for a specific purpose or use. 712 | 5.000 make out of components (in an improvising manner) make out of components (often in an improvising manner). 713 | 4.250 rehearse, learn by repetition learn by repetition. 714 | 5.000 Intend something to move toward a certain goal intend (something) to move towards a certain goal. 715 | 4.600 register formally as a participant register formally as a participant or member. 716 | 5.000 write as if with print, not in cursive write as if with print; not cursive. 717 | 4.400 shoot down birds shoot down, of birds. 718 | 5.000 appoint to clerical posts appoint to a clerical posts. 719 | 4.750 (Chemistry) Undergo sequestration by forming a stable compound with an ion. undergo sequestration by forming a stable compound with an ion. 720 | 5.000 Furnish with an opening to allow air to circulate or gase to escape. furnish with an opening to allow air to circulate or gas to escape. 721 | 5.000 Stand with arms or forelegs raised, as of menacing. stand with arms or forelegs raised, as if menacing. 722 | 5.000 accounting period of 12 months any accounting period of 12 months. 723 | 4.250 Convert the genetic information in a strand of DNA into a strand of RNA. convert the genetic information in (a strand of DNA) into a strand of RNA, especially messenger RNA. 724 | 4.750 give a thrashing to, beat give a thrashing to; beat hard. 725 | 5.000 Immerse or be immersed in a boiling liquid, for purposes of cooking or processing. immerse or be immersed in a boiling liquid, often for cooking purposes. 726 | 5.000 Supply with water for crops, as with channels, ditches, or streams. supply with water, as with channels or ditches or streams. 727 | 4.250 The period of time during which a leasing contract is in effect. the period of time during which a contract conveying property to a person is in effect. 728 | 4.250 Protect or strengthen with sandbags. protect or strengthen with sandbags; stop up. 729 | 5.000 travel; make a tour of a place make a tour of a certain place. 730 | 4.750 the political head of city government the head of a city government. 731 | 3.250 pass the tongue over, take up with the tongue take up with the tongue. 732 | 5.000 A city on the River Thames in Bershire, southern England a city on the River Thames in Berkshire in southern England. 733 | 4.750 a chart or map showing the dimensions, movements or progress of something a chart or map showing the movements or progress of an object. 734 | 4.750 Take away a vital or essential part of something. take away a vital or essential part of. 735 | 4.250 An imperfection; the quality of being inadequate or falling short. the quality of being inadequate or falling short of perfection. 736 | 4.750 Pat or squeeze, especially under the chin. pat or squeeze fondly or playfully, especially under the chin. 737 | 4.750 make up something fictional or untrue make up something artificial or untrue. 738 | 4.250 the act of swallowing liquid the act of swallowing. 739 | 4.500 have unlawful sex with a prostitute have unlawful sex with a whore. 740 | 4.000 Reverse the winding or twisting of; separate the tangles of. reverse the winding or twisting of. 741 | 4.500 Reimburse or compensate (someone), as for a loss or sacrifice. reimburse or compensate (someone), as for a loss. 742 | 3.250 sharpen a razor with a strap sharpen with a strap. 743 | 4.500 the longer telegraphic signal of Morse Code the longer of the two telegraphic signals used in Morse code. 744 | 4.250 The part of the body between the neck and upper arm, or any of its subparts. the part of the body between the neck and the upper arm. 745 | 4.500 Rain, hail, or snow hard and be very windy, often with thunder and lightning; blow hard. rain, hail, or snow hard and be very windy, often with thunder or lightning. 746 | 4.250 fill with high spirits fill with high spirits; fill with optimism. 747 | 3.500 The release of pressure built up during a stop consonant. the terminal forced release of pressure built up during the occlusive phase of a stop consonant. 748 | 4.500 (cause to) fall in drops let or cause to fall in drops. 749 | 5.000 The status of being champion. the status of being a champion. 750 | 3.750 Draw advantages from; take advantage. draw advantages from. -------------------------------------------------------------------------------- /Datasets/headlines_2014.test.txt: -------------------------------------------------------------------------------- 1 | 3 Mall attackers used 'less is more' strategy In Kenya, attackers used 'less is more' strategy 2 | 0.4 Opposition leaders emerge to commemorate Cambodian workers' deaths Cambodia opposition leaders summoned to court 3 | 3.8 Weak earnings drag stocks lower Weak earnings drag stocks lower on Wall Street 4 | 3.2 6.8 quake strikes off Solomon Islands Magnitude 6.3 quake strikes off Solomon Islands: USGS 5 | 4.6 Liquid ammonia leak kills 15 in Shanghai Liquid ammonia leak kills at least 15 in Shanghai 6 | 4 Friends of Syria recognizes opposition coalition as legitimate representative of Syrian people U.S., Friends of Syria recognise opposition as sole representative 7 | 3 Weiner stays in NYC mayor's race amid new sexting scandal Weiner shrugs off latest online sex scandal 8 | 0 Death toll rises in Russia plane crash Death toll rises to 39 in Italy coach crash 9 | 2.8 Indian media: Commonwealth summit Indian PM snubs Commonwealth summit 10 | 1.8 Suicide bomber hits funeral in Iraq Suicide bomber strikes in Syria 11 | 4.2 7 detained for 'house sister' scandal China detains 7 for "house sister" scandal 12 | 5 Syria military police chief defects to opposition Syria military police chief defects to rebels 13 | 4.6 Boeing 787 Dreamliner catches fire; stock takes a beating Boeing stock tumbles after fire on 787 Dreamliner 14 | 2.6 Yvette Cooper backs gay marriage bill White House backs gay marriage 15 | 3.8 Five killed in Belgian coach crash Teenagers among 5 dead in Belgian bus crash 16 | 3.4 Gunmen abduct seven foreign workers in Nigeria Seven foreign workers kidnapped in Nigeria 17 | 5 Swiss tourist 'gang-raped' in India Swiss tourist gang raped in India, say police 18 | 4.2 Palestinians clash with Israeli forces in West Bank, Jerusalem Palestinians clash with security forces in W. Bank 19 | 4.6 Israel planes strike inside Syria Israel launches airstrike into Syria 20 | 0.4 Iranians Vote in Presidential Election Keita Wins Mali Presidential Election 21 | 2.8 100 killed in new Darfur tribal clashes '9 Dead' in New Darfur Tribal Clash 22 | 1.4 Protest against US drone strikes in Pak postponed 6 killed in U.S. drone strike in NW Pakistan 23 | 3.2 12 killed in bus accident in Pakistan 10 killed in road accident in NW Pakistan 24 | 5 Carney sets high bar to change at BoE Carney sets high bar to changes at Bank of England 25 | 2.4 8 arrested after deadly Bangladesh building collapse Four arrested as Bangladesh building toll rises to 352 26 | 2.8 Suicide bomber kills 3 at US base in Afghanistan Suicide bombers attack US base in Afghanistan 27 | 0.6 Afghans flock to colleges, even as Taliban loom Afghan District Governor Defects To Taliban 28 | 5 North Korea Postpones Family Reunions with South North Korea 'postpones' family unions with South Korea 29 | 0.6 Apple revenue misses again, iPhone disappoints U.S. trade agency rules for Samsung, bans iPhone 4 imports 30 | 3.4 Gunmen kill 10 foreign tourists in northern Pakistan Gunmen kill 11 foreign climbers in Pakistan 31 | 4.4 David Beckham Announces Retirement From Soccer David Beckham retires from football 32 | 4 Matt Smith to leave Doctor Who after 4 years Matt Smith quits BBC’s Doctor Who 33 | 0 Generations divided over gay marriage G20 Summit ends divided over Syria 34 | 1.6 23 killed in Iraq car bombings 10 killed in Iraq bomb attack 35 | 5 Man Who Set Himself on Fire on National Mall Dies of Injuries Man 'who set himself ablaze' on National Mall dies 36 | 1.4 Taliban attacks kill 17 civilians in Afghanistan Series of attacks kill 10 police in Afghanistan 37 | 4.2 China Yuan Strengthens to 6.168 against USD Monday China yuan strengthens to 6.1696 against USD Thursday 38 | 1.6 Egypt minister survives assassination attempt Syrian prime minister 'survives assassination attempt' 39 | 2.6 Texas residents seek healing at church after deadly blast Residents return to Texas blast site 40 | 4.2 Shinzo Abe Selected as Japan’s Prime Minister Shinzo Abe is Japan's prime minister 41 | 4.6 Ex-first lady Barbara Bush leaves Texas hospital Former first lady Barbara Bush leaves hospital 42 | 2 2 dead in Bangladesh clashes over Jamaat leader’s execution Bangladesh Islamist leader executed 43 | 4 Schumacher in a coma after ski accident Michael Schumacher still in a coma fighting for his life following skiing accident 44 | 5 11 killed in Chinese police station attack Eleven killed in China police station attack 45 | 2.2 Mali due to vote for president Mali Counts Votes After Presidential Runoff 46 | 4 Bradley Cooper and JJ Abrams in talks about filming a Lance Armstrong biopic Bradley Cooper in talks to play Lance Armstrong in biopic 47 | 3.8 Boeing airliner crashes in Russia, 50 killed Boeing airliner crashes in Russian city of Kazan, 50 killed 48 | 4.4 EU ministers 'determined' to resolve horsemeat scandal EU ministers hold crisis talks over horse meat scandal 49 | 5 De Blasio sworn in as New York mayor, succeeding Bloomberg Bill De Blasio sworn in as New York mayor, succeeding Michael Bloomberg 50 | 4.8 Thai opposition party to boycott general election Thai opposition announces election boycott 51 | 2.6 Bangladesh building collapse death toll hits 540: army Bangladesh building collapse death toll passes 1,000 52 | 4.4 Pussy Riot member Alyokhina released from jail in Russia Pussy Riot member Maria Alyokhina freed from jail 53 | 4.2 Jagan Reddy shifted to hospital, power crisis continues in Seemandhra Telangana: Jagan to spend Thursday in hospital; blackout continues in Seemandhra 54 | 3.6 Asiana jet crash lands at San Francisco airport Plane crash lands at San Francisco airport 55 | 2.6 Central African Republic president overthrown by rebels Central African Republic President, PM stepping down 56 | 5 Brazil tied 2-2 by England as Maracana re-opens Brazil held by England 2-2 as Maracana re-opens 57 | 0.8 China to resume US investment talks China and Taiwan hold historic talks 58 | 3.8 California wildfire: 1,900 on the lines as firefighters labor to limit damage (+video) California wildfire grows but officials say fire crews making progress 59 | 3 George W. Bush warns against bitter immigration debate George W Bush weighs into immigration debate 60 | 3.4 Mandela hospitalized, responding to treatment Mandela hospitalised after he stops talking 61 | 1.2 Russia condemns North Korean nuclear test South Korea confirms that North Korea has conducted controversial third nuclear test 62 | 4.4 Hundreds of Bangladesh clothes factory workers ill Hundreds fall sick in Bangladesh factory 63 | 2 Yemen suicide bombing kills soldiers Female suicide bomber kills 16 at Russian station 64 | 2.8 18 trapped in Russian coal mine blast Ten killed in Russia coal mine blast 65 | 4.6 Thai protesters break into army headquarters Thai protesters storm army headquarters 66 | 4.4 Israel conducts airstrike on Syria Israel launches new airstrike against Syria 67 | 2.2 Police fire tear gas to disperse protesters in Tunis Police fire tear gas at protesters in Cairo 68 | 2.2 Blizzard hammers U.S. Northeast, five dead, 700,000 lose power Blizzard wallops US Northeast, closes roads 69 | 3.8 Egypt's main opposition rejects president's call for dialogue Egypt opposition mulls response to Morsi dialogue call 70 | 1.4 Tokyo to host 2020 Olympic Games Wrestling to feature in 2020 Tokyo Olympics 71 | 3.8 'Around 100 dead or injured' after China earthquake Hundreds dead or injured in China quake 72 | 4.6 Housing starts up 6.8% in May May Housing Starts Up 6.8% 73 | 5 2 French Journalists Killed in Mali Two French journalists killed in Mali 74 | 5 >Cuba's Castro assumes CELAC presidency Cuba's Castro to Take Over CELAC Presidency 75 | 4.2 Vehicles ablaze in collapsed Japan tunnel Vehicles 'left burning' as smoke emits from Japan tunnel 76 | 0.2 6.9 magnitude earthquake hits New Zealand 5.6 magnitude earthquake shakes Iran 77 | 3 Dozens feared trapped in India building collapse Rescuers race to find 20 still trapped in India building collapse 78 | 1.6 Nelson Mandela taken to hospital Nelson Mandela released from hospital 79 | 1.2 Daily Press Briefing: South Sudan Daily Press Briefing: Syria 80 | 3.2 Islamists attack north Mali city after suicide bombings Islamists attack Malian troops in Gao 81 | 3.4 Cardinals enter Vatican for historic vote Cardinals enter Sistine Chapel to elect pope 82 | 2.2 Britain set to deport of Abu Qatada Britain loses bid to deport radical cleric Abu Qatada 83 | 0.8 French parliament backs reform of law on prostitution Russian parliament to consider ban on U.S. adoptions 84 | 2.6 Shots, Explosions Heard as Thais Continue Protest in Bangkok Gunshots, explosions rock Thai protest day ahead of polls 85 | 1.6 Israeli military focuses on northern border Egypt's military takes control over Muslim Brotherhood, supporters 86 | 1 North Korea blocks Kaesong access North Korea vows to restart nuclear facilities 87 | 0.6 AU leaders meet for Africa Day Egypt Youth Leader Detained for Four Days 88 | 1.4 Today in History, April 23 Today in History, Jan. 21 89 | 0.4 Manning sentenced to 35 years in prison Ariel Castro sentenced to 1,000 years in prison 90 | 3.4 US Senate approves fiscal cliff deal It's official: Deal reached on "fiscal cliff" 91 | 5 Zimmerman stopped for speeding in Texas, released with warning Zimmerman pulled over in Texas for speeding, given warning 92 | 1.4 Iran's Rouhani warns of Talibanisation in Syria Russia, China Concerned About Israeli Airstrikes in Syria 93 | 0 Syria denies reports of deadly Damascus nerve gas attack US allies get help to repel Iranian computer attacks 94 | 3.4 China stocks close higher after economic meeting China stocks close higher on Wednesday 95 | 3.4 Russia unveils $30 billion oil link to Pacific Russia unveils $25bn oil link to Pacific 96 | 2 Police kill gunman, find 3 more dead in Colo. home 4 dead after police standoff with gunman barricaded in US home 97 | 3 Dolce and Gabbana convicted of tax evasion Dolce and Gabbana Fined in Italian Tax Case 98 | 3.8 7.2-magnitude quake hits Pakistan: CENC 7.7-magnitude earthquake hits SW Pakistan 99 | 3.8 UK alert on Syrian chemical arms West raises stakes over Syria chemical claims 100 | 1.8 China stocks close lower on Friday China stocks close higher on Wednesday 101 | 4.4 Asteroid zips between Earth and satellites Asteroid passes Earth in fly-by 102 | 2 Fight for Mali Town Reflects Islamist Tactics EU to train Mali army to fight northern Islamist militants 103 | 0 Two Santa trackers competing this Christmas Spain turning back the clock on siestas 104 | 2.6 Ships Train for Syrian Chemical Weapons Transport Syria Loads Chemical Weapons into Bombs, Awaiting Assad Order 105 | 1.4 Mayor says 14 dead in Texas fertilizer plant blast Rescuers search for survivors of Texas fertiliser plant blast 106 | 2.2 2 killed, 11 wounded in attacks in Iraq 15 killed, 90 wounded in fresh attacks in Iraq 107 | 1 Can the U.S. trust Syria to hand over chemical weapons? US says Syria may have used sarin gas in chemical weapons 108 | 3.4 Mexican singer Jenni Rivera believed killed in plane crash Jenni Rivera, Mexican music star, dies in plane crash 109 | 1.8 Bangladesh court sentences first lawmaker to death for war crimes British PM pushes Sri Lanka on war crimes 110 | 4 Mugabe declared winner of disputed elections Zimbabwe: Mugabe declared winner in disputed vote 111 | 3.6 Death toll climbs to 15 in Indonesia boat sinking Indonesia: Death toll rises to 11 in Indonesia boat capsize 112 | 3.8 Egyptian court bans Muslim Brotherhood Egypt court bans Muslim Brotherhood 'activities' 113 | 4.2 Rouhani leads in Iran presidential vote - preliminary results Rouhani leads in initial Iran count 114 | 1.2 Israelis, Palestinians convene over prisoner swap Israeli lawmakers call for internal probe into case of Prisoner X 115 | 0.6 Police attacked in Belfast flag protests Politicians in flag violence talks 116 | 2.2 CBN reiterates plan to phase out polymer notes Nigeria announces plans to change polymer Naira notes 117 | 1 S.Korea proposes 'final' N.Korea talks over Kaesong North Korea proposes high-level talks with US 118 | 1.8 India gang-rape victim "struggling against the odds" Indian rape victim dies in Singapore hospital 119 | 2.8 Gunmen kill 9 foreign tourists, 1 Pakistani Gunmen Kill 11 Foreign Tourists in Pakistan 120 | 3.2 Statement by the Spokesperson of High Representative Catherine Ashton on the latest spate of attacks in Iraq Statement by the spokesperson of the EU High Representative, Catherine Ashton, on the resumption of executions in Iraq 121 | 3 Egypt increases security before pro-Morsi protests Egypt bracing for massive protests 122 | 2 Yacimovich urges cabinet to approve Palestinian prisoners release Israel agrees to free 104 Palestinian prisoners 123 | 3.8 U.S. files espionage charges agains NSA leaker US files espionage charges against Snowden over leaks 124 | 0.4 Palestinians build another West Bank tent protest Palestinians' first ever UN vote symbolic yet historic 125 | 3.6 Bangladesh building collapse death toll hits 362 Bangladesh building-collapse death toll climbs to 580 126 | 2.5 Israeli envoys summoned over settlement plans Britain summons Israeli envoy over settlements 127 | 4.2 Chinese general's son gets 10 years jail for rape Chinese general’s son gets 10 years’ jail for gang-rape 128 | 5 2 dead, 2 injured in Nevada middle school shooting Nevada: 2 dead, 2 hurt in middle school shooting 129 | 3 Moderate earthquake jolts NW Pakistan Moderate earthquake hits southern Pakistan 130 | 4.2 Hamas mixed sex schools ban takes effect Hamas in mixed-sex school 'ban' 131 | 2.2 32 die in Bangladesh protest 1 Killed in Bangladesh Protest 132 | 0.4 Man arrested after police officer shot in Leeds Navy panel urges ouster of officer who faked death 133 | 0.6 Ukrainian Prime Minister resigns amid protests Turkish Prime Minister signals return to hardline on protesters 134 | 2.2 Obama to refocus on economy in State of the Union Factbox: What to look for in Obama's State of the Union speech 135 | 1 Google launches internet-beaming balloons Google 'are playing international tax game' 136 | 4.8 Iraq Backs Egypt Crackdown on Morsi Supporters Iraq backs Egypt crackdown on Mohamed Morsi supporters 137 | 3.8 Russia gives initial OK to American adoption ban Russia gives initial approval to adoption ban 138 | 2.8 Five convicted in Kosovo organ trafficking case Kosovo: 3 get jail time in organ trafficking case 139 | 4.4 Hrithik Roshan, wife Sussanne part ways Hrithik Roshan, Sussanne to divorce 140 | 5 Gunman Among 7 Dead After Florida Apartment Shooting Gunman among 7 dead after Fla. apartment shootout 141 | 1 Obama lauds progress on gay rights in inaugural address Thousands protest gay marriage in France 142 | 2.2 Wave of bombings kills 15 in Iraq Car bombs kill at least 49 in Iraq 143 | 4.6 In shock move, Obama puts Syria strike on hold Obama puts Syria strike on hold 144 | 1.8 Israel strikes Syria as tensions rise on weapons Air strikes wound civilians in Syria's Deraa 145 | 2.6 Gunmen kill nine people in northwest Pakistan Militants kill 6 soldiers in northwest Pakistan 146 | 1.2 The San Francisco plane crash at a glance Two dead, 181 hurt in San Francisco air crash 147 | 2.2 8 arrested after deadly Bangladesh building collapse Workers protest after Bangladesh building collapse 148 | 0 X'mas cruise passengers hit by Norovirus Missing cruise passenger is a NSW ambo 149 | 3.5 Murder claim over Diana's death New information which has been passed to the police relating to the deaths of Princess Diana and Dodi Fayed is thought to include an allegation that they were murdered Diana and Fayed death info received new The deaths of Princess Diana and Dodi Al Fayed are being looked at again by police after they received information. 150 | 1.4 Snowden asks to stay in Russia Snowden releases first Russia video 151 | 2.2 Chinese shares close lower Wednesday Chinese shares close higher Friday 152 | 3.4 Stomach bug to cause ailing Nadal to miss Australian Open Rafa Nadal to miss Australian Open 153 | 4.8 Narendra Modi pledges tough stand against Pakistan India’s Modi promises tough stance against Pakistan 154 | 1 Thai police use tear gas against protesters Brazil leader breaks silence about protests 155 | 2.2 Calif man pleads not guilty in girl kidnap case Calif. man pleads not guilty in terrorism case 156 | 3.4 Egyptian court considers Mubarak’s release Egypt court orders release of Mubarak 157 | 5 Boy Scouts delay decision on admitting gays Boy Scouts of America delays vote on lifting ban on gays 158 | 1.4 2 car bombs kill 8 in southern Iraq Car bombing kills 14 in northern Iraq 159 | 4 Van der Sloot to Marry in Prison Joran Van Der Sloots Plans To Get Married In Peru Prison 160 | 3 Tokyo stocks close down 0.26pc Tokyo stocks close down 1.53% 161 | 2.2 China stock index futures close higher -- Dec. 4 China stock index futures close lower -- Jan. 24 162 | 2.8 Pictures of the day: 7 August 2013 Pictures of the day: 11 April 2013 163 | 2.8 Palestinians 'hit' by Israeli fire in Gaza Two Palestinians Killed in an Israeli Air Strike on Gaza 164 | 2 Where's Rusty? Red panda vanishes from National Zoo Missing red panda returned safely to National Zoo 165 | 4.6 Jesse Jackson Jr. and wife to plead guilty to fraud Jesse Jackson Jr., Wife to Plead Guilty to Fraud 166 | 4.4 USA expels Venezuela diplomats in row U.S. expels Venezuelan diplomats 167 | 3.4 BBC veteran Hall admits child sex abuse Stuart Hall Admits Sex Assaults On Children 168 | 0.6 7 killed, 3 injured in south China road accident 20 killed, 44 injured in Philippine road accident 169 | 3.4 Ryanair reports record profits but warns growth likely to slow this year Stansted: Ryanair reports 13% rise in annual profits but warns of slower growth this year 170 | 3 Stocks to watch at close on Monday Stocks to watch at close on Thursday 171 | 4 50th anniversary of JFK's death remembered On 50th anniversary of JFK death, Dallas holds its first memorial 172 | 1.2 6.3-magnitude earthquake hits Taiwan 7.7-magnitude earthquake hits SW Pakistan 173 | 0.8 Books To Help Kids Talk About Boston Marathon News Report of two explosions at finish line of Boston Marathon 174 | 2.6 Tech Sector Heats Up: Google and IBM Post Strong Earnings Google shares soar past $1,000 on strong earnings 175 | 5 Queen Beatrix of The Netherlands to abdicate for son Queen Beatrix of the Netherlands abdicates in favour of son 176 | 1.8 Motorists killed after Japanese tunnel collapses Cars trapped in tunnel collapse outside Tokyo 177 | 1 Profiles of Kenya's presidential candidates Italian journalist picked as presidential candidate 178 | 3.4 Israel frees Palestinian prisoners Gov't committee approves release of 26 Palestinian prisoners 179 | 4 Philadelphia building collapses, 8-10 people may be trapped Philadelphia building collapses; reports of people trapped 180 | 3 Obama meets with Mandela family Obama meets Zuma and pays tribute to Mandela 181 | 3.4 U.S. Senate sets off gun control debate U.S. Senate set to vote on gun control bill 182 | 0 Chinese shares close lower on Wednesday Chinese students attacked in France 183 | 1.4 Car bombing kills 53 in Damascus Car bombings kill 13 civilians in Iraqi capital 184 | 2.6 'Friends of Syria' in Doha talks on arming rebels Syria talks agree military aid to rebels 185 | 2 Syria condemns Israeli air strikes. Series of deadly attacks strikes Iraq 186 | 5 Egypt's leader imposes state of emergency in 3 cities Egypt president declares state of emergency in three cities 187 | 2.8 ABVP protesters clash with police at Jantar Mantar, throw stones Protesters clash with police at Jantar Mantar, 5 people detained 188 | 2.8 Turkish PM urges to end protests in Istanbul Turkish police fire teargas at protesters in Istanbul 189 | 4.2 Red grapes and blueberries boost immune system, scientists say Red grapes, blueberries boost human immunity 190 | 1.8 Two men charged with terrorism offences Saudi-born Nigerian charged with terrorism in New York 191 | 3.6 EU receives Nobel Peace Prize EU Receives 2012 Nobel Peace Prize 192 | 2.6 Start of San Fermin bull-running festival briefly delayed as view obstructed by Basque flag San Fermin bull-running festival starts 193 | 2.8 Up to 21, mostly foreigners, killed in Kabul suicide attack Briton among dead in Kabul suicide attack 194 | 0 Former LAPD officer sought in Irvine slayings Former CIA officer sentenced to 30 months in prison for info leak 195 | 0.8 Tokyo shares close 0.88pc lower Singapore stocks close 0.44 pct lower 196 | 0.6 Pakistan court demands 'blasphemy' rampage answers Pakistan-UN report reveals alarming levels of drug use 197 | 3.8 Intel's McAfee Buys Cloud-Based, Networked Firewall Specialist Stonesoft For $389M In Cash McAfee to acquire firewall Stonesoft for $389 million 198 | 1 4.1 magnitude quake strikes U.S 7.2 magnitude earthquake strikes Philippines 199 | 3.6 Bangladesh Opposition Leader Sentenced to Death for War Crimes Bangladesh: Fugitive Sentenced to Death by War Crimes Tribunal 200 | 4.2 Alleged cop killer died from shot to head Alleged cop killer died from gunshot 201 | 0.4 2 police killed in eastern Afghan explosion At least 28 people die in Chinese coal mine explosion 202 | 4.8 Car bomb at Swedish consulate in Libya's Benghazi, no casualties Car Bomb Hits Swedish Consulate in Benghazi, None Hurt 203 | 3 Musharraf arrested in Lal Masjid case Musharraf arrested in Pakistan 204 | 4.4 Iran hopes nuclear talks will yield 'roadmap' Iran Nuclear Talks in Geneva Spur High Hopes 205 | 2.8 35 militants killed in Afghan raids: official 12 militants killed in Afghan raids: ministry 206 | 4 North Korea reportedly test-fires short-range missiles North Korea launches short-range missiles 207 | 2.8 Thai protesters obstruct vote; 1 dead in violence Thai protesters block polling stations in Bangkok 208 | 1.8 Venezuela's Hugo Chavez dies of cancer Hugo Chavez: Venezuelan officials for unity 209 | 2.2 North Korea's third test brings it closer to nuclear power status NATO says North Korea nuclear test is grave threat to world peace 210 | 4.6 North Korea conducts third nuclear test North Korea Confirms Third Nuclear Test 211 | 3.6 Indian stocks open flat Indian stocks open lower 212 | 5 Macau Gambling Revenue Hits Record $38 bn in 2012 Macau gambling revenue hits record US$38b in 2012 213 | 3.8 Israelis, Palestinians resume talks in US Israelis, Palestinians begin talks 214 | 2.6 The Note's Must-Reads for Monday, November 25, 2013 The Note's Must-Reads for Tuesday, October 8, 2013 215 | 2.4 Nelson Mandela memorial service Nelson Mandela dies: Live coverage 216 | 3.8 NM County Prepares for Same-Sex Marriages Hearing Some county officials pave the way for same-sex marriage 217 | 0.6 Lebanon businesses strike in protest at political impasse Tunisia president says confident can overcome political crisis 218 | 4 Four U.S. Air Force helicopter crew members killed in UK crash US Air Force helicopter crew killed in British crash 219 | 4.2 Tokyo to host 2020 Olympic Games Tokyo wins race to host 2020 Olympics 220 | 4 Malaysia detains Australian senator at airport Malaysia detains Australian lawmaker at airport 221 | 3.8 Indian police round up all five suspects in Mumbai rape case Mumbai police arrest fifth suspect in gang-rape case 222 | 0 Security tightens for Thatcher funeral Security agencies worry about new terrorist threats in Kenya 223 | 2.2 South Korea Says North Fired Missiles North Korea launches short-range missiles 224 | 3 Britain shuts down plants as horse meat scandal reaches France EU ministers 'determined' to resolve horsemeat scandal 225 | 3.2 US warns Syria on chemical weapons U.S. concerns grow about Syria's chemical weapons 226 | 1.2 37 killed in bus crash in Italy 12 killed in bus accident in Pakistan 227 | 3.8 U.S. dumps bombs at Great Barrier Reef U.S. military jettisons bombs near Australia's Great Barrier Reef 228 | 1.2 38 Taliban militants killed in Afghanistan Taliban attacks US base in Afghanistan 229 | 3 China yuan strengthens to 6.2689 against USD Chinese yuan weakens to 6.2816 against USD 230 | 2 U.S. recognizes Syrian opposition Russia invites Syrian opposition for talks 231 | 5 Google invests $200 million in Texas wind farm Google invests 200 million USD in Texas wind farm project 232 | 4.8 Egypt votes in new constitution Egyptians Vote On New Constitution 233 | 4.4 Preston and England legend Tom Finney dies at 91 Former England great Tom Finney dies at 91 234 | 1 China strives to avoid economic traps Insurance is key to fostering economic growth 235 | 3 Car bomb kills one and wounds five in Benghazi Car bomb hits Libyan Foreign Ministry in Benghazi 236 | 3.4 Roadside bombs kill 5 in Afghanistan Roadside bomb kills 3 policemen in Afghanistan 237 | 0.4 Sri Lanka's Tamils Vote for Greater Autonomy Syria talks for Cameron and Putin 238 | 3.6 French-led troops close in on Timbuktu French-led troops control access to Timbuktu 239 | 1.2 Nato airstrike kills two Afghan kids Nato solider dies in Afghanistan 240 | 4 Gunmen Kill 11 Foreign Tourists in Pakistan Gunmen kill 11 foreign climbers in Pakistan 241 | 4 N Korea to halt work at joint industrial zone North Korea blocks access to joint industrial zone 242 | 1.8 Delhi Gang Rape Suspect 'Beaten, Poisoned' Delhi gang-rape verdict deferred again 243 | 3.2 Demolition work begins on Don Valley Stadium Demolition work to begin at stadium 244 | 1.4 France pledges military aid in Mali Most French support military operation in Mali 245 | 2.2 Most powerful typhoon of 2013 hits the Philippines 23 Missing as Typhoon Utor Hits Philippines 246 | 4 Egyptians vote on divisive constitution Egyptians vote on constitution change 247 | 2.8 Reid cites 'tremendous progress' in debt ceiling talks Senate leaders appear close to US debt ceiling deal 248 | 1.4 Calls for more Egypt protests Death toll from Egypt protests rises to 49 249 | 2 6.2 magnitude quake jolts Sarangani 4.3-magnitude earthquake jolts SW China 250 | 1.2 One dead, 11 hurt in LA car chaos 6 dead, 33 hurt in Cotabato blast 251 | 4.2 Chairman of easyJet to step down Chairman of British no-frills airline easyJet to step down 252 | 0.8 Obama renews offer to cut social safety net in big budget deal: aide Japan urges U.S. to quickly handle budget deadlock 253 | 2.4 Suicide Bomber Kills 14 at Afghan Province Council Suicide Bomber Kills 11 in Afghanistan 254 | 2.8 US confirms al-Qaeda leader has been captured US captures al-Qaeda leader but fails in Somalia attack 255 | 3.4 Committee nears final big immigration decisions Senate Judiciary Committee nearing final big decisions in shaping immigration bill 256 | 3.8 US Troops Killed in Afghan Insider Attack NATO troops killed in Afghan 'insider attack' 257 | 1.8 Mother arrested on suspicion of manslaughter after dog kills daughter Man arrested on suspicion of murder after stabbing in Suffolk 258 | 4.6 London Marathon observes silence for Boston bomb victims London Marathon observes silence for Boston victims 259 | 3.4 Messi nets 300th, 301st goals in Barcelona win Football: Messi hits 300th Barcelona goal in comeback win 260 | 3.2 Five dead, 40 missing in Canada train disaster 40 still missing in Canadian train wreck 261 | 3 Tunisian opposition politician shot dead Tunisia opposition leader slain; protests erupt 262 | 1.2 Ukrainian Prime Minister Azarov and entire government resign Ukrainian officials barred from Canada as protests continue 263 | 4.8 UN presses need for major boost in Syrian aid UN chief presses for major boost in Syrian aid 264 | 1.6 Stocks soar on Wall St lead Stocks slump on Wall Street 265 | 2.6 George Zimmerman found not guilty of Trayvon Martin murder Protests and appeals for calm after Zimmerman acquitted of Trayvon Martin murder 266 | 3.6 Whistleblower Edward Snowden flies to Moscow NSA whistleblower Edward Snowden leaves Hong Kong on flight to Moscow 267 | 0.6 17 killed, 133 wounded in bomb attacks in northern Iraq 2 killed, 6 wounded in clashes in northern Lebanon 268 | 1.2 Insiders Reveal 2012 Election Secrets All Eyes on Capriles as Venezuela Election Set 269 | 2.8 Royal sorrow over nurse's death Radio prankster in tears over nurse’s death 270 | 4.2 N Korea says it may delay controversial rocket launch N. Korea looks set to delay controversial rocket launch 271 | 4 Two NATO soldiers killed in Afghanistan NATO soldier killed in Afghan attack 272 | 2.4 US government 'on the edge of shutdown' Obama rejects GOP offer to ease shutdown 273 | 4 Critical Gates memoir rocks Obama administration Gates blast rocks Obama administration 274 | 4.2 Jeff Bezos Bets $250 Million on Reviving Washington Post Jeff Bezos Pays $250 Million For The Washington Post 275 | 3.8 Brooks pleads not guilty to hacking charges Brooks pleads not guilty at phone hacking hearing 276 | 4 Purge sends chilling message to North Korea's elite Purge of Kim uncle sends chilling message to North Korea’s elite 277 | 1.4 South Africans mark ailing Mandela's 95th birthday South Africa's former PM Nelson Mandela back in hospital 278 | 3 Obama declares health care law is working Obama pledges to make new health care law work 279 | 3 Heavy rain raises threat of Christmas Day flooding Fresh rain brings more flooding 280 | 3.6 Thousands protest gay marriage Thousands protest gay marriage in Paris 281 | 0.4 Taiwan gang leader nabbed at airport after 17 years Zambia arrests ex-leader Banda over oil deal 282 | 1.8 The Note's Must-Reads for Friday, December 6, 2013 The Note's Must-Reads for Friday, July 12, 2013 283 | 3 Iran nuke talks begin amid hopes of progress Iran nuclear talks start in Geneva 284 | 4.2 Thai political protests paralyse more ministries Thai protesters besiege more ministries 285 | 4.6 Amazon's Bezos to buy the Washington Post for $250 million Amazon's Bezos buys Washington Post for $250-M 286 | 1.8 Obama economic tour buffeted by low expectations Obama encourages Boy Scouts to end ban on gays 287 | 0.6 Israel vows to deny Hezbollah after air strike Car bomb kills four in Hezbollah Beirut bastion: minister 288 | 2.4 France Welcomes US-Russia Deal on Syria Arab League welcomes US-Russian deal on Syria 289 | 2 More French soldiers to Central African Republic Gun battles in Central African capital create fresh panic 290 | 1 UN resolution orders Syria chemical arms destroyed Germany ready to help Syria chemical mission 291 | 4.6 Exclusive-UPDATE 2-Egypt pro-Mursi alliance signals flexibility in talks EXCLUSIVE-UPDATE 1-Egypt pro-Mursi alliance signals flexibility in talks 292 | 4.2 David Beckham to retire at end of season David Beckham Retires From Football 293 | 4 Deaths confirmed after helicopter crashes into Scottish pub Scottish police say at least one dead after helicopter crashes into pub 294 | 3.4 Libya abruptly closes its borders with four countries Libya closes borders, declares martial law in south 295 | 1 6.0-magnitude quake hits Greece -- USGS 5.0-magnitude quake jolts Japan 296 | 0.2 Search after man swept into sea Lara plans visit to Nepal 297 | 3 Militants stage Pakistan jailbreak Taliban prison break: 250 militants escape after attack on Pakistan jail 298 | 3 Meteorite hits central Russia, more than 500 people hurt Meteorite hits central Russia, 400 hurt 299 | 2.4 North Korea Nuclear Test Sparks Worry North Korea nuclear test 300 | 4.2 Blizzard brings US northeast to a halt Blizzard wallops US Northeast, closes roads 301 | 1.6 NATO protesters acquitted of terrorism charges NATO protesters convicted on non-terrorism charges 302 | 1.4 'Credibility on the line over Syria' Obama: Congress, world credibility on line 303 | 0 Taliban on agenda for US in Pakistan At least 33 dead as big quake hits Pakistan 304 | 3 123 killed in fighting in northern Syria Many killed in Syrian air strike 305 | 5 Egypt interior minister survives bomb Egypt's interior minister survives bomb attack 306 | 2 China's yuan weakens to 6.2767 against USD Thursday China yuan weakens to 6.1818 against USD Tuesday 307 | 1.4 Obama holds talks over Syria action Cameron loses parliamentary vote on Syria military action 308 | 5 Egypt 'freezes Muslim Brotherhood assets' Egypt freezes Muslim Brotherhood funds 309 | 0 Zen Report: Ain't easy being high maintenance Russian meteorite leaves building gaping open 310 | 3.2 Critics say Putin’s security restrictions violate rights Putin's security decree for Sochi draws ire of critics 311 | 4.6 Tony Abbott sworn in as new Australian PM Tony Abbott Sworn In As Australia PM 312 | 4 Egypt army cracks down on Brotherhood Egypt's military cracks down on Muslim Brotherhood 313 | 3.4 Venezuela assembly meets amid Chavez health crisis Assembly meets amid Chavez crisis 314 | 3.8 Egypt braces for more protests, prays for calm Egypt braces for more protests over Morsi, prays for calm 315 | 2 Syria opposition threatens to quit talks Syria opposition agrees to talks 316 | 3 Morsi supporters protest in Egypt Morsi backers defiant in face of Egypt govt threat 317 | 2.6 Suicide bomber kills policeman in Pakistan Suicide Bombers Kill 3 Soldiers in Pakistan 318 | 0.8 Anti-government protesters storm the streets of Kyiv Ukraine protesters topple Lenin statue 319 | 1 Chicago man to be sentenced for terror convictions Kabul Bank Heads Sentenced for Corruption 320 | 2.4 US drone strike kills three in northwest Pakistan US drone strike kills seven in North Waziristan 321 | 4.2 Track fault disrupts train service between Raffles Place, Marina Bay Train service disrupted between Raffles Place and Marina Bay 322 | 2 Stocks rise in early trading US stocks ease in choppy trading 323 | 1 Manning Sentenced to 35 Years for Leaking Government Secrets Briton jailed for 10 years for selling fake bomb detectors 324 | 1 UK police say no terrorism link to helicopter crash China police seek eight suspects over crash 325 | 1.8 Suicide bomber kills 13 in Russia's south Suicide bomber kills 16 in Russia’s Volgograd 326 | 1.8 41 killed, 22 wounded in violent attacks in Iraq 15 killed, 90 wounded in fresh attacks in Iraq 327 | 2.8 Bangladesh building collapse death toll hits 540: army Bangladesh building-collapse toll tops 600 328 | 2.5 Kerry to visit Jordan, Israel-Palestinian peace on agenda Kerry postpones visit to Israel in one week 329 | 4.4 Eurozone jobless hits fresh record high EU jobless hits fresh record 330 | 4 Defiant Mugabe sworn in for seventh term blasts 'vile' West Mugabe sworn in for another term 331 | 1.4 Nelson Mandela's real hero was not Gandhi, but Nehru Nelson Mandela's health 'unstable' 332 | 3 Facing Bailout Tax, Cypriots Try to Get Cash Out of Banks Bailout terms prompt run on Cyprus banks 333 | 1.2 Obama signs up for Obamacare Americans scramble to sign up for Obamacare by deadline 334 | 4.2 Lance Armstrong confesses all to Oprah Lance Armstrong confesses to doping in Oprah interview 335 | 5 Andy Murray deserves knighthood, David Cameron says David Cameron: Andy Murray deserves a knighthood 336 | 2 Hushen 300 Index closes higher -- Oct. 14 Hushen 300 Index closes lower -- March 12 337 | 2.4 US State Department faulted over Benghazi State Dept security chief resigns after Benghazi 338 | 0 Soccer-France to host Australia for first time in October NRA official to face questions for first time since controversial remarks 339 | 3.6 Honduran ambassador to Colombia sacked after wild party Honduras ambassador resigns after alleged embassy orgy 340 | 2.4 Syria must destroy chemical weapons Libya ‘destroys last chemical weapons’ 341 | 0 Moderate tremor in the Central Mediterranean Iran: Moderate candidate wins presidential vote 342 | 3.6 Three Afghans killed in suicide attack Three Afghans dead in new blast at US base in east Afghanistan 343 | 2.8 Suicide Bombs Hit Egypt Military in Sinai, Kill 6 Suicide bombs hit Egypt military in Sinai, kill 4 344 | 3.4 Asian markets gain on upbeat US economic data Asian markets lifted by positive US, China data 345 | 4.6 Nelson Mandela in Hospital for Tests South Africa: Mandela in hospital for tests 346 | 4 Iran, six global powers sign landmark nuclear deal Iran, world powers agree nuclear deal 347 | 1.6 Suicide bomber kills 9 at Pakistan political rally Suicide bomber kills guard at US embassy in Turkey 348 | 2.2 Four Morsi supporters killed in Egypt clashes Dozens injured as Morsi supporters clash with security forces 349 | 0 Students take a ride on airwaves 5.5-magnitude quake hits off Taiwan 350 | 2.2 Pistorius officer dropped from case Pistorius officer on attempted murder charges 351 | 4 Vinnie Jones reveals cancer battle new Vinnie Jones reveals he has skin cancer 352 | 1.8 Stocks close 0.39% higher Stocks close 2.47% higher 353 | 2.6 Pakistani Taliban chief Hakimullah Mehsud killed in drone strike Pakistan Taliban vows revenge, to repay Hakimullah's killing in bloodshed 354 | 5 Dozens killed in air strike on bakery in central Syria 'Dozens killed' in Syrian air strike on bakery 355 | 2 Gunmen kill one soldier, injure two others in Pakistan Gunmen kill 6 polio workers in Pakistan 356 | 2.2 Police confirm how suspect was captured Raid on Boston Marathon bombing suspect captured on film 357 | 2.8 Destruction of Syria's chemical weapons begins Destruction of Syria's Chemical Weapons Could Prove Difficult 358 | 0.8 Flooding in Canada forces evacuation of another city California wildfire forces evacuation of homes, university 359 | 4.4 UN says US drones violate Pakistan's sovereignty UN: US drone strikes violate Pakistan's sovereignty 360 | 4.8 Obama Praises Mandela 'Inspiration' Obama hails Mandela's inspiration effect 361 | 0.8 Obama coming 'to listen' to Israel, Palestinians Kerry Welcomes Arab Plan for Israeli-Palestinian Talks 362 | 4.2 The e-mails - Oil firm asked trader about meeting with minister Oil firm asked rogue trader about meeting with minister 363 | 1.4 Death toll in Nigeria police attack rises to 30 Death toll in Kenya bus attack rises to six 364 | 2.6 Syria 'to declare chemical weapons and sign convention' Russia, Syria Work on 'Concrete' Chemical Weapons Plan 365 | 0 Australia to scrap soaring national debt ceiling Australian PM insists no argument with Indonesia 366 | 4.8 Asian markets hit 3-wk high on hopes of US debt deal Asian stocks hit three-week highs on hopes of U.S. debt deal 367 | 1.4 Italian Prime Minister Mario Monti Resigns 'Palestinian Prime Minister Fayyad resigns' 368 | 3.2 South Africa Admits Mistake Over 'Schizophrenic' Mandela Signer South Africa admits possible 'mistake' over deaf signer at Mandela memorial 369 | 1.6 Iran says serious issues remain in nuclear talks Iran vows to preserve "peaceful" nuclear program 370 | 2 Crowds Gather in Bethlehem for Christmas Oh, little town of Bethlehem — for real 371 | 1.6 Seven peacekeepers killed in Sudan's Darfur Peacekeeper killed in Abyei clash 372 | 3.2 NATO: Patriot missile battery operational on Syrian border Obama: Patriot missile batteries, troops to stay in Jordan near Syrian border 373 | 4.6 US stocks tumble on third day of shutdown Stocks fall on third day of government shutdown 374 | 3.4 Guinea votes in long-delayed legislative poll Equatoguineans vote in legislative polls 375 | 3 NATO: 3 troops killed in Afghanistan attack NATO troops killed in Afghan 'insider attack' 376 | 1.2 Israeli soldier hits Palestinian child in Hebron Israeli soldiers kill Palestinian woman in West Bank 377 | 2.2 UN voices alarm over Israeli strikes on Syria Israeli official confirms second air strike at Syria 378 | 3.4 Egypt Army Launches New Air Raids on Sinai Militants Egypt launches new assault against Sinai militants 379 | 2.6 French forces attack al-Qaeda's Mali allies A battle to retake north Mali: Hundreds of French troops drive back al-Qaida-linked rebels 380 | 1.2 Egyptian police fire tear gas at Brotherhood protesters India: Tear Gas Fired At Gang Rape Protesters 381 | 3 Syria Regime Agrees to Attend Peace Conference Syria, opposition agree 'in principle' to attend peace conference 382 | 3.8 Afghan legislators approve new election law Afghan president approves new election law 383 | 2.2 Algeria Mounts Military Operation to Rescue Al Qaeda Hostages Algeria mulls international force for hostages 384 | 3.8 Dozens injured as Boeing 777 jet crash lands at San Francisco airport Asiana Air Boeing 777 crash lands at San Francisco airport 385 | 4.6 13 children die in fire Myanmar mosque fire Myanmar police say 13 children die in electrical fire at mosque 386 | 2.8 US Senate to vote on fiscal cliff deal as deadline nears Fiscal cliff: House delays vote on fiscal cliff deal - live 387 | 3.4 Delhi gang rape victim dies in Singapore hospital Delhi gang rape victim flown to Singapore hospital 388 | 3.4 Birth Control Linked With Higher Glaucoma Risk Contraceptive pill 'doubles glaucoma risk' 389 | 2.2 Man with knife arrested at entrance to Buckingham Palace Man Charged After Buckingham Palace Arrest 390 | 2.8 5 people buried in Colorado avalanche '5 snowboarders killed in Colorado avalanche' 391 | 3.6 Ban Ki-moon to Review Syria Chemical Arms Accord Ban to review Syria chemical arms accord 392 | 3.6 Iraqi president in hospital due to health problem Iraqi president in hospital after suffering stroke 393 | 3.8 Malaysia's long-ruling coalition hangs on to power Malaysia's ruling coalition wins majority 394 | 1.4 Almagor blasts Netanyahu over prisoner release Yacimovich urges cabinet to approve Palestinian prisoners release 395 | 4.2 Explosions Near the Iranian Embassy in Beirut Two blasts near Iranian embassy in Beirut 396 | 4.2 19 hurt in New Orleans shooting Police: 19 hurt in NOLA Mother's Day shooting 397 | 2.4 Hagel laments "political" changes to US defence budget Hagel defends proposed cuts in defense spending 398 | 4.4 U.S. bans carry-on liquids, gels on flights to Russia US bans carry-on liquids on direct flights to Russia 399 | 2.4 Egypt's Brotherhood stands ground after killings Egypt: Muslim Brotherhood Stands Behind Morsi 400 | 3.4 Malaysia sets May 5 as date for closely contested election Malaysia sets date for landmark elections 401 | 3 Nato troops kill two Afghan children NATO strike kills 11 Afghan children 402 | 2 Iranian president calls for new nuclear talks Iranian minister blames West for failed nuke talks 403 | 3.4 Floods kill two, forces 75,000 from Calgary homes Flooding Forces 75,000 From Canada Homes 404 | 2.6 4 NATO Troops Killed in Afghanistan Eight NATO Troops Killed In Afghanistan 405 | 3.8 Typhoon Fitow makes landfall in east China Typhoon Fitow slams into southeastern China 406 | 0.2 Mandela to spend Christmas in hospital Mandela movie to open this month in South Africa 407 | 3.4 Exit polls suggest Putin ally wins Moscow vote Exit polls shows Putin ally wins Moscow vote, Navalny cries foul 408 | 4 Judge enters not guilty plea for James Holmes Not guilty plea for James Holmes – but insanity option still on table 409 | 1 At least 45 killed in Spain train crash At least 13 killed in triple car bombings in Iraq's Diyala 410 | 4.2 Dhawan smashes India to big win over South Africa Dhawan ton sets up India Trophy win over South Africa 411 | 0 Chris Froome rides to Tour de France endgame Chris Brown concerts cancelled new 412 | 3.6 Apple app directs drivers to Alaska airport runway Apple app sends drivers to airport 413 | 3.4 Suspected US drone kills 3 militants in Pakistan U.S. drone kills 4 militants in Pakistan 414 | 2.6 Hospital: 61 killed in Venezuela prison riot Dozens reported killed in Venezuela prison riot 415 | 1.4 Clashes erupt as Islamists push back in Egypt Coptic priest shot dead in Egypt attack 416 | 3.8 N Korea postpones family reunions North Korea postpones war-torn family unions 417 | 3.6 Francis begins papacy with prayer Pope Francis Slips Out of Vatican for Prayers 418 | 3.6 US Senate to meet as path out of fiscal impasse still elusive US Senate has Rare Sunday Session Days Amid Fiscal Impasse 419 | 1.8 Egypt's Brotherhood as Beleaguered as Its Leader Egypt's Muslim Brotherhood Set for Mass March 420 | 1.6 Queen pays tribute to Nelson Mandela US presidents pay tribute to Mandela 421 | 0.2 China's new stealth frigate commissioned Belarus, Latvia to set up border commission 422 | 2.2 Iraq violence kills 11 Iraq violence kills seven 423 | 1.6 Protests continue in tense Ukraine capital Protests continue in Brazil 424 | 2.6 Syria rejects US, UK chemical arms claims US suspects Syria used chemical weapons 425 | 3.2 Britons released after kidnapping in Egypt's Sinai -sources Bedouin release two Britons seized in Egypt's Sinai 426 | 3 Syria welcomes Iran's nuclear deal Iran, six world powers clinch breakthrough nuclear deal 427 | 3.6 Israel faces European backlash over settlement plan Israel called to account over latest settlement plans by European countries 428 | 4.8 Iran says it captures drone; U.S. denies losing one Iran says it has seized U.S. drone; U.S. says it's not true 429 | 2.2 Egypt arrests Muslim Brotherhood Supreme Guide Egypt bans Muslim Brotherhood group 430 | 2.2 Obama jokes about himself at reporters' dinner Obama pokes fun at critics during press dinner 431 | 4.2 Allen responds to Farrow's abuse claims in letter Allen defends self against Farrow's abuse claims 432 | 0.4 Gunmen kill nine people in northwest Pakistan Gunmen kill 3 policemen in Iraq 433 | 4.4 More than 1,000 inmates escape from Libya's al-Kweifiya prison 1000 prisoners escape from Libyan jail 434 | 1.2 What is the nuclear option? Photos show N. Korea nuclear readiness 435 | 2.6 Forex & Gold 6 March 2013 Forex & Gold 12 March 2013 436 | 1 Islamists kill 21 in suicide attacks in Niger Car bombs kill 20 in Turkish town near Syrian border 437 | 2.8 U.S. has determined Syria used chemical weapons UN votes to eliminate Syria's chemical weapons 438 | 4.2 Snowden's father arrives in Moscow Edward Snowden's father in Moscow 439 | 0.8 No radiation leak at Iran's nuclear plant US Congress may throw wrench into Iran nuclear deal 440 | 2.2 Pakistani Taliban names new leader after drone strike Pakistani Taleban chief killed in US drone strike 441 | 1.2 Twin bombings in Pakistan kill at least 40 Now, militants battle Pakistani police 442 | 3.6 Muslim Brotherhood supporter dies in Cairo clash Muslim Brotherhood supporters die in Egypt clashes 443 | 3.4 Facebook earnings jump 63% as mobile ads accelerate Facebook profits jump as user base expands 444 | 2.2 Syria envoy calls for National Unity Government Syria envoy calls for political change to end conflict 445 | 1.8 News summary for March 11 News summary for January 14 446 | 3.2 Thirty-Seven Dead In Italy Tour Bus Plunge Thirty Dead In Italian Bus Plunge 447 | 4.2 Rogers, Videotron extend reach with network-sharing deal Rogers, Videotron reach network-sharing, spectrum deal 448 | 5 China stocks end lower Thursday China stocks close lower on Thursday 449 | 0.6 Topless Women Protest Against Berlusconi As He Votes In Election Bulgaria President Backs Protesters, Opposes Snap Elections 450 | 2.8 Indonesia: Schoolchildren among 14 killed by Indonesia volcano eruption Indonesia: Six dead in Indonesian volcanic eruption 451 | 3.4 Bangladesh Islamist execution upheld Bangladesh executes opposition leader 452 | 3.2 Iran leader Rouhani says nuclear deal with U.S. possible within ¿three months¿ Iran President Hassan Rouhani wants nuclear deal in months 453 | 3.4 Deal reached on new Italian government Italy to swear in new coalition government 454 | 1.8 Obama mourns death of icon Nelson Mandela South Africans mourn, celebrate Mandela 455 | 1 Hawaii passes gay marriage bill US Senate passes gay workers bill 456 | 0 Goa first step in Modis march to Delhi For first time in history, Technion to teach engineering in Russia 457 | 1.8 Singapore stocks close 0.4% higher Indian stocks open higher 458 | 4.6 Maldives holds fresh election for president Maldives holds fresh presidential election 459 | 1.8 Egypt announces arrest of 1,004 Muslim Brotherhood supporters Egypt orders arrest of Brotherhood chief Badie 460 | 4.2 New World Trade Center declared tallest building in U.S. One World Trade Center Named Tallest US Building 461 | 1.8 What the Papers Say, Mar. 12, 2013 What the Papers Say, June 25, 2013 462 | 3.2 Israel green-lights 1500 settler homes Israel unveils 1,800 more settler homes 463 | 3.6 Piers Morgan questioned by police Piers Morgan Interviewed by Police in Hacking Case 464 | 1.6 Syrian Opposition Urges EU to Send Arms to Rebels Syrian opposition meets to choose interim PM 465 | 2.2 Singapore stocks end up 0.11 pct Singapore stocks close 0.54 pct higher 466 | 4.8 Mumbai photojournalist gangrape case cracked, five accused arrested Mumbai journalist gang-rape case: All five accused arrested 467 | 1.6 'Israeli' arrested in Yemen Mossad spy Israeli forces detain 2 in Hebron arrest raid 468 | 1.8 Pakistani girls learn a hard lesson Pakistani girl shot by Taliban appears on video 469 | 2.8 Egypt's interim president appoints 2 advisors Egypt's interim president swears in new Cabinet 470 | 1.6 Funeral of Oscar Pistorius' girlfriend Reeva Steenkamp takes place Oscar Pistorius 'shot Steenkamp in bathroom' 471 | 0.6 China launches first air-to-air missile from chopper China court sentences Bo Xilai to life imprisonment for corruption 472 | 1.4 UK confirms fears over Syria's chemical weapons End 'near' for Syria's chemical weapons 473 | 4.6 Egypt Crackdown Draws Condemnation Egypt: Egypt crackdown sparks global outrage 474 | 2.6 Two firefighters killed in New York ambush Two New York firefighters in guarded condition after deadly ambush 475 | 0.6 Egypt swears in new interim leader Egypt army cracks down on Brotherhood 476 | 2.6 Car bombing kills 17 in Pakistan Suicide bomber kills 10 in Pakistan 477 | 2.6 Ten rescued off Waterford, Dublin coasts Six rescued after boat capsizes in Dublin Bay 478 | 1.2 2 Pussy Riot Members Reunited in Krasnoyarsk Freed Pussy Riot pair stir up anti-Putin protests 479 | 0.6 Senior Pakistani Taliban commander captured in Afghanistan Pakistan Shi'ites demand protection from militants 480 | 5 Driver in Spanish train crash faces questions from judge Train driver in Spain crash questioned by judge 481 | 1.6 Stocks close 0.39% higher Singapore stocks close 0.31 pct lower 482 | 0 US releases initial report on fracking impacts on water Men in China detained after taking girls to hotel 483 | 2.6 Russia 'alone' in blaming Syrian rebels for chemical attack: US Russia asks UN to consider its inquiry of Syria chemical arms use 484 | 5 Philippines, rebels reach wealth-sharing deal Philippines and rebels reach 'wealth deal' 485 | 1.2 Death toll from west Chinas violence rises to 35 Urgent: Death toll from NE China fire rises to 112 486 | 3 Israel launches airstrike in Gaza Israel launches air strikes near Damascus 487 | 2.6 Floods leave six dead in Philippines Heavy rains leave 18 dead in Philippines 488 | 0 Mars rover collects first bedrock sample Wawrinka reaches first grand slam final 489 | 4.75 Imran to contest from four NA seats Imran Khan to contest elections from four NA seats 490 | 4.4 Trailblazing Israeli electric car company Better Place to fold Trailblazing Israeli electric car company to fold 491 | 2.8 Houston Texans head coach Gary Kubiak hospitalized after collapsing at game Texans coach Gary Kubiak in stable condition after collapse 492 | 4.4 Pro-Pak Taliban warlord killed in US drone strike Taliban commander killed in US drone strike 493 | 4.4 Ankeet Chavan granted conditional bail for marriage Ankeet Chavan granted bail to get married 494 | 4.6 Car bomb kills 20 in northwest Syria Car bomb in northern Syria kills 20 495 | 1 South Korean soldiers kill man trying to cross border into North North Korea Shuts Last Remaining Hotline to South 496 | 3.4 Up to 50 dead in Spanish train crash Over 70 dead in Spanish high-speed train crash 497 | 4.2 Five foreigners sentenced to death for drug smuggling in Egypt Egypt sentences Pakistani amid 5 to death for drug smuggling 498 | 1.2 French train derails south of Paris French train passengers tell of crash ordeal 499 | 4.2 Former spokesman for U.S. President Ronald Reagan dies Former Reagan spokesman Larry Speakes dies at 74 500 | 3.8 Egypt votes on new constitution Egyptians vote on divisive constitution 501 | 2.8 Obama meets Mandela family as icon remains in hospital Obamas to meet Mandela family wont visit hospital 502 | 0.4 Iran Moderate Wins Presidency by a Large Margin Iran threatens to trigger oil price war 503 | 3.8 Weak earnings drag US stocks lower in early trade Weak earnings drag stocks lower on Wall Street 504 | 3.4 Man who battled Fukushima disaster dies of cancer Former plant chief who battled Fukushima disaster dies of cancer 505 | 5 Three feared dead after helicopter crashes into pub Three feared dead after helicopter pub crash 506 | 3.4 Nigeria lawmaker charged over alleged bribery Nigerian MP charged with accepting $3m bribe 507 | 1.8 Rupee down 8 paise vs dollar in early trade Rupee up 22 paise against dollar in early trade 508 | 0.6 Iran says nuclear talks to resume next month Iran says capable of jamming foes' communication systems 509 | 5 Israel's Peres urges return to peace talks Israel's Peres calls for return to peace talks 510 | 5 Obama set to speak on Syria from White House at 1:15 p.m. EDT Obama to deliver statement on Syria at White House at 1:15 PM 511 | 1.8 Indian stocks open lower Indian stocks close lower 512 | 3.4 US readies possible solo action against Syria US makes case for action against Syria 513 | 1.2 Brief clashes with police in Belfast Mourners clash with police in Tunisia 514 | 4.6 New World Trade Centre tallest building in US One World Trade Center Named Tallest US Building 515 | 0 US authorities charge man in ricin probe South African police arrest 50 in farm protest 516 | 1.4 China quake: Death toll rises China flu death toll rises to six 517 | 2.6 Four arrested as Bangladesh building toll rises to 352 Owner arrested as Bangladesh building toll reaches 372 518 | 4.4 25 bodies found at raided Algerian gas plant 25 more bodies found at Algerian gas plant 519 | 2.6 RI condemns use of chemical weapons in Syria Questions arise over chemical weapons claims in Syria 520 | 4.8 Strong new quake hits shattered Pak region Powerful new earthquake hits shattered Pakistan region 521 | 1.2 Indian troops kill Pakistani soldier along Kashmir line of control Indian troops raid Pakistani military post 522 | 3.6 Pope Benedict XVI Says Goodbye to Cardinals Pope Benedict XVI departs Vatican for last time 523 | 4 Fashion designer Lilly Pulitzer dies Designer, Socialite Lilly Pulitzer Dies at 81 524 | 1.2 China’s new carrier extends military modernization drive Chinese vice premier meets Australian Governor-General 525 | 1.6 Brazilian leader holds crisis talks on street protests Brazil leader promises reform vote 526 | 4 Tropical Storm Andrea zipping up the East Coast Tropical Storm Andrea to slide up East Coast 527 | 2.8 New Japan govt hints at joining Pacific trade pact: Report Japan, US hold talks linked to regional trade pact 528 | 3.4 Four dead in Indonesia train accident Five dead as Indonesia train collides with fuel truck 529 | 3.8 Israel advances plan to build 900 settlement homes Israel unveils plans for new settler homes 530 | 5 Miss New York wins Miss America crown Miss New York is crowned Miss America 531 | 3.8 Websites battle nasty comments, anonymity Websites fight nasty comments by taking away anonymity 532 | 4.4 Austrian found hoarding 56 stolen skulls in home museum Austrian man charged after 56 human skulls are found at his home 533 | 0.4 US set for Obama inauguration US House backs new sanctions before Iran inauguration 534 | 0.4 Suspected Saudi militant dies in Lebanese custody Suspected US drone kills 6 militants in Yemen 535 | 4.8 Man sets himself on fire on the National Mall Man sets himself on fire at Washington's National Mall 536 | 2 7 killed in attacks in Iraq 27 killed in attacks across Iraq 537 | 3.2 Thousands protest gay marriage Thousands protest gay marriage in France 538 | 1 India Ink: Image of the Day: January 27 India Ink: Image of the Day: March 20 539 | 4.8 US Capitol Hill on lockdown after shots fired Watch live: US Capitol on lockdown after reports of shots fired 540 | 3.8 China's 1st Pilot Free Trade Zone Opens Shanghai Free Trade Zone begins operation 541 | 2.6 12 killed, 25 injured in bomb blast in NW Pakistan 6 killed, 12 injured in blast in NW Pakista 542 | 1.4 Select images from Bangladesh building collapse At least 200 killed in Bangladesh building collapse 543 | 4.4 Chinese court upholds death penalties for Mekong murderers Court upholds death sentences for Mekong murderers 544 | 0 Egypt protesters 'to be dispersed' Abduction teacher to be sentenced 545 | 3.8 Gas cylinder blast on Pakistan school bus kills 17 Deadly Gas Cylinder Blast Hits Pakistan School Bus 546 | 2.8 North Korean cargo reveals missile repair trade with Cuba N Korean ship carrying Cuba missiles seized 547 | 4.8 Israeli forces detain 5 Palestinians in West Bank Israeli Forces Arrest Five Palestinians across West Bank 548 | 4 Protests sweep Brazil despite concession Protests planned across Brazil despite concessions 549 | 3.8 Angela Merkel wins third term in German elections Merkel Wins Big in Germany Election 550 | 0 Turkish police mass near Istanbul park protest area British police deny protecting sex abuser Savile 551 | 3.8 South Korean Workers Start Leaving Joint Factory Zone South Korean workers set to leave joint factory zone 552 | 0 Senate to vote on moving ahead on Hagel nod Benedict comes home to new house and new Pope 553 | 3.2 15 killed and scores injured in suicide bombing at Russian train station Suicide bomber kills 14 at Russian train station 554 | 3.4 Guatemala arrests software guru John McAfee Held in Guatemala, software guru McAfee fights deportation 555 | 3 Cambodian opposition leader Sam Rainsy returns to stir up election Cambodia opposition head turns to parliament in poll bid 556 | 2.6 West hails Syria opposition vote to join peace talks Syrian opposition to name delegation for talks 557 | 4.6 Obama travels to tornado-ravaged Oklahoma Obama visits tornado hit Oklahoma 558 | 1 No deal on fiscal cliff as Obama goes on holiday John Boehner: from humble origin, fiscal cliff may be his undoing 559 | 4.6 Biden calls for trust in US-China relations Biden calls for trust in building ‘new relationship’ with China 560 | 1.8 Syria car bomb kills at least 12 in rebel-held town Sinai car bomb kills at least 10 Egyptian soldiers 561 | 0 Kerry: $4b Palestinian Economic Plan Could Work Kerry: No deal yet in nuclear talks with Iran 562 | 0.8 Bangladesh building collapse death toll hits 359 Indian building collapse death toll rises to 72 563 | 3.4 Dozens dead in Central African Republic fighting 98 dead in Central African Republic after clashes 564 | 0.8 Libya threatens army action against oil protesters Bomb threat forces evacuation at Princeton 565 | 3.4 2 Turkish unions call for strike on Monday in protest over police violence Turkey unrest: Unions call for strike over police crackdown 566 | 3.4 [Ticker] Fitch upgrades Greek credit rating Moody's upgrades Greek credit rating 567 | 0 Gunmen ambush police boat in Nigeria oil region Sudanese police block protest at human rights commission 568 | 2.2 Russians leaving Syria cross into Lebanon Russia delivers humanitarian aid to Syrian refugees in Lebanon 569 | 0.8 Two U.S. soldiers killed in "insider" attack in Afghanistan 8 soldiers killed in bomb attack in NW Pakistan 570 | 5 South African icon Nelson Mandela hospitalized South Africa's Nelson Mandela Hospitalized 571 | 3.6 Ferrer cruises into Australian Open quarter-finals Ferrer beats Nishikori to advance to Australian Open quarterfinals 572 | 3 UBS settles US mortgage lawsuit UBS settles US mortgage lawsuit and takes £600m charge 573 | 1.4 Pope Francis condemns global indifference to suffering Pope Francis commemorates dead migrants at Lampedusa 574 | 4.4 Top judge Mansour sworn in as Egypt interim president Justice Adly Mansour sworn in as Egypt interim president 575 | 3.8 North, South Korea agree to talks North, South Korea hold rare talks 576 | 2.8 Blast kills 10 young girls in eastern Afghanistan Blast kills nine in southern Afghanistan: officials 577 | 3.2 Kenyan police arrest key Al-Shabaab recruiter, financier Kenya: Pair Arrested By Anti-Terror Police 578 | 3.6 Obama to announce gun control plans Wednesday Obama to set out gun control plans 579 | 2.2 Bombs kill two people, wound dozens at Boston Marathon Only two bombs found in Boston Marathon attack 580 | 2.4 Syria’s chemical weapons could end up at sea US to destroy Syria chemical weapon stockpile at sea 581 | 2.6 President for early conclusion of Eco Partnership with Sri Lanka Pakistan PM for deeper economic ties with Sri Lanka 582 | 0 Three freed in centre abuse probe Three storey building collapses in Ebute Meta 583 | 4.4 Bomb explodes at Greek shopping mall, two people injured Bomb explodes at Athens shopping mall, 2 wounded 584 | 3 Six Australians killed in Laos plane crash Dozens killed in Laos plane crash 585 | 4.2 Three dead, including gunman, in Maryland mall shooting 3 dead in Maryland mall shooting 586 | 3.4 UN confirms sarin used in Syria attack 'War crime': U.N. finds sarin used in Syria chemical weapons attack 587 | 3.2 7 killed in monster truck crash 6 killed in Mexico ‘monster truck’ crash 588 | 0.8 4 dead after boat capsizes off Florida coast 8 dead after heavy rains on island of St Vincent 589 | 3.8 Cannes thief 'steals $53m of jewels' in armed heist at hotel Robber steals $53 million worth of jewels in Cannes, police say 590 | 3.25 Merkel Vies 3rd Term in Office in Germany Elections Merkel Wins Big in Germany Election 591 | 2.2 Gunmen kill female politician in Pakistan Gunmen kill 5 female teachers in Pakistan 592 | 3.8 Ex-Virginia governor Bob McDonnell charged with corruption Virginia's ex-Gov. Bob McDonnell, wife charged with corruption 593 | 3.4 Sprinters Tyson Gay and Asafa Powell test positive for banned substance US sprinter Tyson Gay tests positive for banned substance 594 | 1.8 6.3-magnitude quake hits Honshu, Japan: CENC Magnitude-6.0 quake jolts Santa Cruz Islands: CENC 595 | 3.8 Pakistan to release most senior Afghan Taliban prisoner Pakistan to release senior Taliban commander on Saturday 596 | 0 Kardashian Divorce Ready for Trial Hard-hit hotels ready for price war 597 | 5 Egypt court orders release of Mubarak Egypt court orders Mubarak freed 598 | 1.8 American investigators waiting to question arrested Boston bomber Police converge on street in search for Boston bomb suspect 599 | 2.2 Nelson Mandela undergoes surgery ‘Nelson Mandela is recovering’ 600 | 1.75 10 dead, five injured in SW China road accident 1 dead, 39 injured in E China road accident 601 | 4.2 Bollywood cuts costs by a third as rupee collapse bites Bollywood cuts costs as rupee crisis bites 602 | 5 Women to face higher car insurance premiums Women drivers to face insurance premium rise 603 | 3.2 Tornadoes rip through Midwest, killing 6 and devastating neighborhoods Tornadoes, damaging storms hit U.S. Midwest, killing 5 604 | 0.8 China gives US regulators access to audit records China opposes US arms sales to Taiwan 605 | 2 Singapore stocks end up 0.26 percent Singapore stocks end up 0.11 pct 606 | 4.8 Iran, atomic agency in first talks since Rowhani election IAEA, Iran to hold first nuclear talks since Rohani election 607 | 5 China's new PM rejects US hacking claims China Premier Li rejects 'groundless' US hacking accusations 608 | 3.2 US Military Aircraft Hit in S. Sudan, 4 Wounded US military aircraft shot at during evacuation mission in South Sudan 609 | 4.6 New Zealand set to legalise gay marriage New Zealand votes to legalise same-sex marriage 610 | 2.6 Dzhokhar Tsarnaev pleads not guilty to Boston bombing charges Dzhokhar Tsarnaev charged in Boston Marathon bombing 611 | 2.8 Pictures of the day: 7 August 2013 Picture of the Day 612 | 3.4 Chinese general's son gets 10 years jail for rape Son of Chinese army singers gets 10 years' jail for gang rape 613 | 0 P.G. police seeking driver in crash that killed child Police seek gunmen in New Orleans Mother's Day parade shooting 614 | 1.4 Egypt to hold presidential elections before parliamentary polls Egypt's interim president swears in new Cabinet 615 | 1 Pentagon adjusts plans for more intense attacks on Syria Pope thanks public for joining his Syria vigil 616 | 5 East Timor bans martial arts clubs amid killings East Timor Bans Martial Arts Schools Amid Killings 617 | 2.6 Afghan legislators approve new election law Afghan president approves new electon law 618 | 4.8 In Pakistan, army adamant on fighting the other Taliban Pak army adamant on fighting the other Taleban 619 | 1.4 Egyptian army pushes to attack kidnappers Egypt's Morsi rules out talks as hostage video appears 620 | 2.8 South Africans Mourn as Mandela Buried South Africa holds state funeral for Mandela 621 | 3 Witnesses hear 'loud booms' at Boston Marathon Report of two explosions at finish line of Boston Marathon 622 | 2.8 Cryptic crossword - Saturday 27th April Quiz crossword - Saturday 27th April 623 | 1.2 Costa Concordia captain to be tried for manslaughter Costa Concordia survivors detail experience one year later 624 | 4.6 Israeli Minister Slams Kerry's Boycott Warning Israeli minister slams Kerry’s boycott warning 625 | 5 Kenya Supreme Court upholds election result Kenya SC upholds election result 626 | 2.8 Angelina Jolie's aunt dies of breast cancer Angelina Jolie and the complex truth about breast cancer 627 | 5 Myanmar’s Suu Kyi urges party unity amid squabbles Suu Kyi urges party unity amid squabbles 628 | 3 10 Things to Know for Wednesday 10 Things to Know for Today 629 | 4.4 White House, defense contractors discuss harm of automatic spending cuts White House, defense firms discuss automatic spending cuts 630 | 3.8 Venezuela's Hugo Chavez dies of cancer Venezuelan President Hugo Chavez dies of cancer at 58 631 | 1.6 Death toll in Colorado floods rises to four Thousands told to evacuate in Colorado flooding 632 | 4 Former Zambian president arrested Zambia's ex-President Rupiah Banda arrested 633 | 4.2 US Senate confirms Yellen as Fed's next chair US Senate Confirms Janet Yellen as New Central Bank Chief 634 | 1 26 Palestinian prisoners released from Israeli prison Palestinian prisoner dies of cancer, unrest in Israel jails 635 | 4 Asian shares rally after string of upbeat data Asian Markets up on Strong US Jobs Data 636 | 2.8 17 killed, 133 wounded in bomb attacks in northern Iraq 15 killed, 90 wounded in fresh attacks in Iraq 637 | 4.2 Officer injured in India anti-rape protests dies Indian policeman injured in gang-rape protest dies 638 | 1.6 Syria regime claims evacuation of 5,000 near Damascus Syria army continues mop-up operations near Damascus 639 | 2.6 Cyprus bailout remarks alarm markets Why Cyprus bailout is nothing more than usual euro nonsense 640 | 4.2 Faction Names Bianca Ojukwu APGA National Leader Bianca Ojukwu becomes APGA national leader 641 | 4.8 US Cannot 'Conclusively Determine' Chemical Weapons Use in Syria U.S. Sees No Conclusive Evidence of Chemical Arms Use by Syria 642 | 0.2 Twelve killed as gunmen raid village Five Killed in Blasts in India 643 | 1.4 Egypt shuts down Muslim Brotherhood newspaper Egypt: Muslim Brotherhood deputy head arrested 644 | 3 Strong earthquake in western China kills 47 people Strong earthquake in western China kills at least 75 645 | 4.6 Nobel Prize winning author Doris Lessing dies Nobel laureate Doris Lessing dies at 94 646 | 5 Snowden thanks Russia for asylum Snowden thanks Russia for granting asylum 647 | 4.2 Senate confirms Yellen as Fed head US Senate confirms Yellen as Fed's next chair 648 | 3.8 French forces take key Mali town French forces seize key town 649 | 2.2 Nicaragua, Venezuela offer asylum to Snowden Bolivia's Morales says he would grant asylum to Snowden if asked 650 | 5 Boston bombing suspect buried in Virginia Boston bomb suspect buried in Virginia cemetery 651 | 1.6 'Large and extremely dangerous' tornado heads towards Oklahoma City Mom and baby among five killed as tornadoes rake Oklahoma City area 652 | 0.8 Hostage drama drags on after Alabama school bus shooting Nevada: 2 dead, 2 hurt in middle school shooting 653 | 1.8 Palestinian president assigns academic to form West Bank gov't Palestinian president wants Israelis to talk peace 654 | 0.8 5 killed, 50 injured in Pakistan blast 3 killed, 138 injured in Boston blasts: media 655 | 3.6 Pakistan's Malala leaves hospital to await surgery Malala leaves British hospital 656 | 4.2 Internet, phone service restored in Syrian capital Internet service resumes in Syria 657 | 4 two found dead in swimming pool at essex hotel Man and woman found dead in Essex hotel swimming pool 658 | 3.8 Syrian PM Survives Bomb Attack Syrian PM survives bomb attack in capital 659 | 3.2 Pakistan condemns US drone strike in Shawal Area Pakistan condemns US drone strike in Miranshah 660 | 0 Residents return to Texas blast site Residents return to Fallujah 661 | 4.2 South Africa prays for Nelson Mandela South Africa unites in prayer and song for Nelson Mandela 662 | 4.2 Iran's Ahmadinejad may face charges over election appearance with aide Ahmadinejad may face charges over election appearance 663 | 3.6 At least 38 Morsi supporters die in clashes Dozens of Morsi supporters killed in Egypt clashes 664 | 0 Miliband pledges to strengthen minimum wage Portugal-China to strengthen scientific research ties 665 | 2.6 Singapore stocks close 0.44 pct lower Singapore stocks close 0.5 pct higher 666 | 0 Sniper waiting for result of appeal New glories for China in striving for renewal 667 | 3 US stock futures edge up ahead of jobs report Stock futures edge higher, all eyes on Fed 668 | 2.5 Chinese shares close lower on Wednesday China stocks close lower on Friday 669 | 3.2 Apple shares hit hard on iPhone disappointment Apple stock plunges 11% after earnings disappointment 670 | 3 EU renews sanctions against Zimbabwe EU lifts diamond sanctions against Zimbabwe 671 | 1.4 occupied Palestinian territory: Palestinians rebuff US peace talks blueprint occupied Palestinian territory: Palestinians Face a Route to Nowhere 672 | 1.8 Owners, others charged in Bangladesh factory fire 50 survivors found in Bangladesh factory 673 | 3.4 Egypt set to lure Gulf investors Egypt seeks to lure investors ... 674 | 3.4 US-Russia reach agreement on Syria US-Russia reach agreement on Syria weapons 675 | 1.8 Palestinians, Jordan coordinate stances on peace talks Hamas senior denies Gaza, PA coordinated on peace talks 676 | 0 Voting canceled in three provinces in tense Thai election Cambodian opposition rejects Hun Sen election win 677 | 3 Miss New York Crowned Miss America 2013 Miss New York is crowned Miss America 678 | 4 Obama cancels Moscow meeting with Putin Obama canceled meeting with Putin 679 | 3.6 KLCI Futures traded mixed at mid-day KL shares mixed at mid-day 680 | 2.8 Suspected U.S. drone strike kills 5 in Pakistan US drone strike kills at least ten in Pakistan 681 | 2 Egypt court orders Mubarak release Egypt court turns down Mubarak's release request 682 | 4 Hollande 'threatens legal action' after affair allegations François Hollande threatens legal action over affair claims 683 | 3 Iranian exiles report deaths in Iraq camp At least 47 Iranian exiles killed at Iraq's Camp Ashraf 684 | 2 'Blade Runner' Pistorius to dispute murder charge Pistorius cop on seven attempted murder charges 685 | 1 Bomb blast kills 10 in southwest Pakistan Major quake kills 39 in Pakistan 686 | 2.25 Israeli forces detain 2 in Hebron arrest raid Israeli credibility on line over Iran nuclear challenge 687 | 1.4 Egyptians vote on Islamist-backed constitution 'Judge at polls directs voters on Egypt constitution vote' 688 | 3.6 David Cameron puts Sri Lanka on notice over war crime allegations Sri Lanka warned over war crime allegations 689 | 0 Mexico swears in president amid violent protests Former New Mexico Gov. Richardson pressing North Korean test ban 690 | 0.8 Morsi supporters clash with riot police in Cairo Protesters clash with riot police in Kiev 691 | 2.2 Four killed, scores wounded in clashes across Egypt Egypt violence: Student killed in clashes at Cairo’s Islamic university 692 | 4 Helicopter crashes near rail station in London Helicopter crashes in London 693 | 3.8 Indonesian capital prays for metro to ease traffic chaos Jakarta prays for metro to ease traffic chaos 694 | 4 Japanese planes flew into China's new defense zone Japan, S Korean military planes defy China's new defence zone 695 | 1.2 Typhoon survivors raid Philippine stores Typhoon Bopha kills 15 in S. Philippines 696 | 3.2 Car Bomb Wounds 15 in Hezbollah Stronghold in Lebanon Car bomb rocks Hezbollah stronghold in Lebanon 697 | 0.6 RF FM urges Syrian opposition to assist in immediate release of all foreigners captured in Syria S Korea opposition candidate closes poll gap 698 | 0.6 Five dead, 40 missing in Canada train disaster 8 dead, 11 missing in SW China landslide 699 | 4.6 US Senate confirms Janet Yellen as US Federal Reserve chief Senate confirms Janet Yellen as next Federal Reserve Chair 700 | 2.2 Afghan police kill 5 Taliban fighters 5 Taliban, 5 Afghan police killed in ambushes 701 | 3.4 Khan Said named as new Pakistani Taliban leader after Hakimullah Mehsud killed in drone strike Pakistani Taliban chief Hakimullah Mehsud killed in drone strike 702 | 2.2 At Least 66 Killed in Bomb Blasts in Iraq At Least 47 Killed In Baquba Blasts 703 | 1 Russia Destroys Over 75% of Its Chemical Weapons Stockpile Britain Sees Evidence Assad Could Use Chemical Weapons 704 | 0.6 Iran earthquake death toll rises Algeria hostage death toll rises 705 | 0.8 Suarez set for Cup comeback French set for Mali ground combat 706 | 0.6 Maldives team in India to observe an election Testimony in trial of former FM Liberman begins 707 | 3.2 Death toll rises to 6 as Storm Xaver batters northern Europe Storm death toll rises as wind, rain batters north. Europe 708 | 3.6 Pakistan releases top Afghan Taliban prisoner Pakistan releases seven Afghan Taliban fighters 709 | 4.2 Gunmen kidnap airline pilots in Lebanon Gunmen kidnap 2 Turkish Airlines pilots in Lebanon 710 | 2.2 Mixed reactions to NZ same-sex marriage New Zealand legalizes same-sex marriage 711 | 3.8 TV weatherman Fred Talbot arrested over sex claims Weatherman Fred Talbot Held Over 'Sex Abuse' 712 | 3 U.S. drone strike kills 5 in Pakistan Pakistan drone strike kills up to six 713 | 3 Building collapses in India; 25 feared trapped India building collapse kills 14; dozens trapped 714 | 0 China detains city workers after fruit seller dies Napthine takes the reins after Baillieu's leadership crumbles 715 | 1.2 Somalia's Shebab claims responsibility for Nairobi mall attack Syrian rebels claim responsibility for killings in Lebanon 716 | 4 Syrian troops push into strategic rebelheld town Syrian army pushes assault on rebel-held town 717 | 2.8 Israel agrees to release Palestinian prisoners Israel releases 26 more Palestinian prisoners 718 | 3.6 Dozens die as clashes erupt at Morsi rally in Cairo More than 70 dead in clashes at Morsi rallies in Egypt 719 | 4.8 Thai opposition protesters begin Bangkok shutdown Thai protesters launch Bangkok 'shutdown' 720 | 3.8 Spanish train crash driver to be questioned Spanish train driver Garzon to be questioned by judge 721 | 4 France Hails Breakthrough after U.S.-Russia Deal on Syria Weapons France Welcomes US-Russia Deal on Syria 722 | 4 ISAF soldier killed in Afghan 'insider attack' British soldier shot dead in Afghan ‘insider attack’ 723 | 3.4 About 60 Crushed to Death in Ivory Coast Stampede 61 dead in Ivory Coast stampede 724 | 2.8 Glasgow Helicopter Crash Search Ends Glasgow Helicopter Crash: At Least Six Dead 725 | 1.2 Three dead in US marathon bomb Taliban denies involvement in Boston marathon bombing 726 | 5 Swiss tourist gang-raped in India Swiss tourist gang-raped in India 727 | 2.8 India Braces for Massive Cyclone India issues red alert for cyclone Phailin 728 | 0.2 US Senator McCain meets opposition leaders in Ukraine SFG meeting reviews situation in Mali 729 | 3.4 Discipline against student gunman thought to have sparked Colorado shooting Discipline against student thought to be key to motive 730 | 1.2 Many killed in Japan road tunnel collapse Many killed in Syrian air strike 731 | 3.8 No plan to shut petrol pumps at night Moily India govt rejects proposal to shut petrol pumps at night 732 | 3.8 Clinton to testify this month on Benghazi attack Clinton returns to work, plans to testify on Benghazi attack 733 | 0.6 Tens of Thousands of Ukrainians Protest in Kyiv Tens of thousands line up to cast votes in Bhutan 734 | 3.6 Karzai to visit Pakistan for Taliban peace talks Afghan president extends visit to Pakistan for Taliban talks 735 | 4 Thieves snatch English Channel swimmer's custom-made wheelchair Thieves steal Channel swimmer's wheelchair 736 | 4.6 Three die after car crash at Tian'anmen Three Killed In Crash At Tiananmen Square 737 | 2.2 Singapore shares open lower on Friday Singapore shares open higher on Thursday 738 | 2.6 Obama pledges to reignite economy Obama to press Congress to act on economy 739 | 4.2 Kurdish rebels to withdraw from Turkey in March: report Kurdish rebels to withdraw from Turkey 740 | 2.4 Two Earthquakes Hit Northwest China, 11 Dead Twin quakes kill 89 in China 741 | 3.2 'Whitey' Bulger given two consecutive life terms Whitey Bulger gets life for racketeering, killings 742 | 5 Kenyan forces caused mall collapse Official says Kenyan forces caused mall collapse 743 | 3.4 Japan revises GDP growth to annual 1.1 pct in Q3 Japan’s GDP growth downgraded to annual 1.1% 744 | 1.4 Pak missions in UAE gear up for elections Islamist parties in Egypt unite for elections 745 | 3 Bangladesh building disaster death toll passes 500 Bangladesh building collapse: death toll climbs to 580 746 | 3.8 Algeria hostage crisis ends; death toll unclear Algeria hostage crisis ends in bloodbath 747 | 2.8 Egypt ministry again urges end to pro-Morsi protests Egypt: Child killed in Cairo clashes after pro-Morsi protest 748 | 3.2 South Africa's Mandela taken to hospital South Africa: Mandela remains in hospital 749 | 3 China yuan strengthens to 6.2689 against USD China yuan strengthens to new high against USD 750 | 2.2 Police question man in deadly LA boardwalk crash Police arrest suspect in deadly LA driving attack --------------------------------------------------------------------------------